SlideShare ist ein Scribd-Unternehmen logo
1 von 45
Downloaden Sie, um offline zu lesen
1
[Name]
Approaches to Object Detection
Certified Instructor, NVIDIA Deep Learning Institute
NVIDIA Corporation
2
DEEP LEARNING INSTITUTE
DLI Mission
Helping people solve challenging
problems using AI and deep learning.
• Developers, data scientists and
engineers
• Self-driving cars, healthcare and
robotics
• Training, optimizing, and deploying
deep neural networks
33
TOPICS
• Lab Perspective
• Object Detection
• NVIDIA’s DIGITS
• Caffe
• Lab Discussion / Overview
• Lab Review
4
LAB PERSPECTIVE
5
WHAT THIS LAB IS
• Discussion/Demonstration of object detection using Deep Learning
• Hands-on exercises using Caffe and DIGITS
6
WHAT THIS LAB IS NOT
• Intro to machine learning from first principles
• Rigorous mathematical formalism of convolutional neural networks
• Survey of all the features and options of Caffe
7
ASSUMPTIONS
• You are familiar with convolutional neural networks (CNN)
• Helpful to have:
• Object detection experience
• Caffe experience
8
TAKE AWAYS
• You can setup your own object detection workflow in Caffe and
adapt it to your use case
• Know where to go for more info
• Familiarity with Caffe
9
OBJECT DETECTION
10
COMPUTER VISION TASKS
Image
Segmentation
Object Detection
Image
Classification +
Localization
Image
Classification
(inspired by a slide found in cs231n lecture from Stanford University)
11
OBJECT DETECTION
• Object detection can identify and classify one or more objects in an
image
• Detection is also about localizing the extent of an object in an
image
• Bounding boxes / heat maps
• Training data must have objects within images labeled
• Can be hard to find / produce training dataset
12
OBJECT DETECTION IN REMOTE SENSING IMAGES
Broad applicability
• Commercial asset tracking
• Humanitarian crisis mapping
• Search and rescue
• Land usage monitoring
• Wildlife tracking
• Human geography
• Geospatial intelligence
production
• Military target recognition
Vermeulen et al, (2013) Unmanned Aerial Survey of Elephants. PLoS ONE 8(2):
e54700
Imagery ©2016 Google, Map data © 2016
Google
13
OBJECT DETECTION
GENERATE CANDIDATE DETECTIONS
EXTRACT
PATCHES
1414
CHALLENGES FOR OBJECT DETECTION
Background clutter Occlusion
Illumination
Object variation
15
ADDITIONAL APPROACHES TO OBJECT
DETECTION ARCHITECTURE
• R-CNN = Region CNN
• Fast R-CNN
• Faster R-CNN Region Proposal Network
• RoI-Pooling = Region of Interest Pooling
16
NVIDIA’S DIGITS
1717
Process Data Configure DNN VisualizationMonitor Progress
Interactive Deep Learning GPU Training System
NVIDIA’S DIGITS
18
CAFFE
19
WHAT IS CAFFE?
• Pure C++/CUDA architecture
• Command line, Python, MATLAB interfaces
• Fast, well-tested code
• Pre-processing and deployment tools, reference models and examples
• Image data management
• Seamless GPU acceleration
• Large community of contributors to the open-source project
An open framework for deep learning developed by the Berkeley
Vision and Learning Center (BVLC)
caffe.berkeleyvision.org
http://github.com/BVLC/caffe
2020
CAFFE FEATURES
Protobuf model format
• Strongly typed format
• Human readable
• Auto-generates and checks Caffe
code
• Developed by Google
• Used to define network
architecture and training
parameters
• No coding required!
name: “conv1”
type: “Convolution”
bottom: “data”
top: “conv1”
convolution_param {
num_output: 20
kernel_size: 5
stride: 1
weight_filler {
type: “xavier”
}
}
Deep Learning model definition
21
LAB DISCUSSION / OVERVIEW
2222
TRAINING APPROACH 1 – SLIDING WINDOW
2323
0
0
0
0
0
0
0
0
1
1
1
0
0
0
0
1
2
2
1
1
1
0
1
2
2
2
1
1
0
1
2
2
2
1
1
0
0
1
1
1
1
1
0
0
0
0
0
0
0
4
0
0
0
0
0
0
0
-4
1
0
-8
Source
Pixel
Convolution
kernel (a.k.a.
filter) New pixel value
(destination
pixel)
Center element of the kernel is
placed over the source pixel.
The source pixel is then
replaced with a weighted sum
of itself and nearby pixels.
CONVOLUTION
24
TRAINING APPROACH 1 – POOLING
• Pooling is a down-sampling technique
• Reduces the spatial size of the representation
• Reduces number of parameters and number of computations (in
upcoming layer)
• Limits overfitting
• No parameters (weights) in the pooling layer
• Typically involves using MAX operation with a 2 X 2 filter with a
stride of 2
25
TRAINING APPROACH 1 - DATASETS
• Two datasets
• First contains the wide area ocean shots containing the whales
• This dataset is located in data_336x224
• Second dataset is ~4500 crops of whale faces and an additional 4500 random
crops from the same images
• We are going to use this second dataset to train our classifier in DIGITS
• These are the “patches”
26
TRAINING APPROACH 1 - TRAINING
• Will train a simple two class CNN classifier on training dataset
• Customize the Image Classification model in DIGITS:
• Choose the Standard Network "AlexNet"
• Set the number of training epochs to 5
27
TRAINING APPROACH 1 – SLIDING WINDOW
• Will execute code shown below
• Example of how you feed new images to a model
• In practice, would write code in C++ and use TensorRT
import numpy as np
import matplotlib.pyplot as plt
import caffe
import time
MODEL_JOB_NUM = '20160920-092148-8c17' ## Remember to set this to be the job number for your model
DATASET_JOB_NUM = '20160920-090913-a43d' ## Remember to set this to be the job number for your dataset
MODEL_FILE = '/home/ubuntu/digits/digits/jobs/' + MODEL_JOB_NUM + '/deploy.prototxt' # Do not change
PRETRAINED = '/home/ubuntu/digits/digits/jobs/' + MODEL_JOB_NUM + '/snapshot_iter_270.caffemodel' # Do not change
MEAN_IMAGE = '/home/ubuntu/digits/digits/jobs/' + DATASET_JOB_NUM + '/mean.jpg' # Do not change
# load the mean image
mean_image = caffe.io.load_image(MEAN_IMAGE)
# Choose a random image to test against
RANDOM_IMAGE = str(np.random.randint(10))
IMAGE_FILE = 'data/samples/w_' + RANDOM_IMAGE + '.jpg'
28
CAPTURING MODEL / DATASET NUMBER
1. Model number
can be found
here
2. Dataset
number will
be different,
but found in
same location
29
TRAINING APPROACH 2
• Candidate generation and classification
• Alternative to classification CNN using sliding window approach
• Discussed in lab instructions, but no lab task associated with this
approach
30
TRAINING APPROACH 3
Fully-Convolutional Network (FCN)
“CONVOLUTIONIZATION
”/
“NET SURGERY”
Conv
Pool
Conv
Pool
Conv
Pool
Fullyconnected
Fullyconnected
CLASS
PREDICTIONS
CAR
TRUCK
DIGGER
BACKGROUND
Conv
Pool
Conv
Pool
Conv
Pool
1x1Conv
1x1Conv
PATCHES
WIDE AREA
IMAGE CLASS PREDICTION
HEATMAP
31
TRAINING APPROACH 3 - EXAMPLE
Alexnet converted to FCN for four class classification
32
TRAINING APPROACH 3 - FALSE ALARM
MINIMIZATION
Imbalanced dataset and
InfogainLoss
Data augmentation
Random scale, crop, flip,
rotate
Transfer learning
ImageNet
data
ImageNet
classes
Kespry
data
Kespry
classes
Extract
pre-trained CNN
weights
Pre-training
Fine-tuning
33
TRAINING APPROACH 3 - INCREASING FCN
PRECISION
Multi-scale and shifted inputs
Slide credit: Fei-Fei Li & Andrej Karpathy, Stanford cs231n
34
TRAINING APPROACH 4 - DETECTNET
• Train a CNN to simultaneously
• Classify the most likely object present at each location within an image
• Predict the corresponding bounding box for that object through regression
• Benefits:
• Simple one-shot detection, classification and bounding box regression
pipeline
• Very low latency
• Very low false alarm rates due to strong, voluminous background training
data
35
TRAINING APPROACH 4 - DETECTNET
Train on wide-area images with bounding box annotations
36
NAVIGATING TO QWIKLABS
1. Navigate to:
https://nvlabs.qwiklab.com
2. Login or create a new
account
37
ACCESSING LAB ENVIRONMENT
1. Select the event
specific
In-Session Class
in the upper left
2. Click the
“Approaches to
Object Detection
Using DIGITS”
Class from the
list
*** Model building may take some time and
may appear to initially not be progressing ***
38
LAB REVIEW
39
TRAINING APPROACHS
• Approach 1:
• Patches to build model
• Sliding window looks for location of whale face
40
TRAINING APPROACHS
• Approach 3:
• Fully-convolut
ion network
(FCN)
41
TRAINING APPROACHS
• Approach 4:
• DetectNet
42
WHAT’S NEXT
• Use / practice what you learned
• Discuss with peers practical applications of DNN
• Reach out to NVIDIA and the Deep Learning Institute
• Attend local meetup groups
• Follow people like Andrej Karpathy and Andrew Ng
4343
WHAT’S NEXT
…for the chance to win an NVIDIA SHIELD
TV.
Check your email for a link.
TAKE SURVEY
Check your email for details to access more
DLI training online.
ACCESS ONLINE LABS
Visit www.nvidia.com/dli for workshops in
your area.
ATTEND WORKSHOP
Visit https://developer.nvidia.com/join for
more.
JOIN DEVELOPER PROGRAM
44
May 8 - 11, 2017 | Silicon Valley | #GTC17
www.gputechconf.com
Don’t miss the world’s most important event for GPU developers
May 8 – 11, 2017 in Silicon Valley
INNOVATE
Hear about disruptive
innovations from startups
DISCOVER
See how GPUs are creating
amazing breakthroughs in
important fields such as
deep learning and AI
CONNECT
Connect with technology
experts from NVIDIA and
other leading organizations
LEARN
Gain insight and valuable
hands-on training through
hundreds of sessions and
research posters
45
www.nvidia.com/dli
Instructor: Charles Killam, LP.D.

Weitere ähnliche Inhalte

Was ist angesagt?

Urs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonUrs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonIntel Nervana
 
Improving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsImproving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsChester Chen
 
"Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr...
"Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr..."Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr...
"Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr...Edge AI and Vision Alliance
 
Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications Intel Nervana
 
Introduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntroduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntel Nervana
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep LearningBrahim HAMADICHAREF
 
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike WangIntroduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike WangPAPIs.io
 
NVIDIA深度學習教育機構 (DLI): Deep Learning Institute
NVIDIA深度學習教育機構 (DLI): Deep Learning InstituteNVIDIA深度學習教育機構 (DLI): Deep Learning Institute
NVIDIA深度學習教育機構 (DLI): Deep Learning InstituteNVIDIA Taiwan
 
Evolution of Supermicro GPU Server Solution
Evolution of Supermicro GPU Server SolutionEvolution of Supermicro GPU Server Solution
Evolution of Supermicro GPU Server SolutionNVIDIA Taiwan
 
Urs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksUrs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksIntel Nervana
 
Deep Learning at Scale
Deep Learning at ScaleDeep Learning at Scale
Deep Learning at ScaleIntel Nervana
 
"Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre...
"Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre..."Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre...
"Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre...Edge AI and Vision Alliance
 
Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)Rakuten Group, Inc.
 
"Efficient Implementation of Convolutional Neural Networks using OpenCL on FP...
"Efficient Implementation of Convolutional Neural Networks using OpenCL on FP..."Efficient Implementation of Convolutional Neural Networks using OpenCL on FP...
"Efficient Implementation of Convolutional Neural Networks using OpenCL on FP...Edge AI and Vision Alliance
 
"Accelerating Deep Learning Using Altera FPGAs," a Presentation from Intel
"Accelerating Deep Learning Using Altera FPGAs," a Presentation from Intel"Accelerating Deep Learning Using Altera FPGAs," a Presentation from Intel
"Accelerating Deep Learning Using Altera FPGAs," a Presentation from IntelEdge AI and Vision Alliance
 
Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture Intel® Software
 
Classification of aerial photographs using DIGITS 2 - Mike Wang
Classification of aerial photographs using DIGITS 2 - Mike WangClassification of aerial photographs using DIGITS 2 - Mike Wang
Classification of aerial photographs using DIGITS 2 - Mike WangPAPIs.io
 
Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...
Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...
Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...Intel® Software
 

Was ist angesagt? (20)

Urs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonUrs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in Boston
 
Improving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsImproving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN Applications
 
"Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr...
"Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr..."Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr...
"Trade-offs in Implementing Deep Neural Networks on FPGAs," a Presentation fr...
 
Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications
 
Introduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntroduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at Galvanize
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep Learning
 
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike WangIntroduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
 
NVIDIA深度學習教育機構 (DLI): Deep Learning Institute
NVIDIA深度學習教育機構 (DLI): Deep Learning InstituteNVIDIA深度學習教育機構 (DLI): Deep Learning Institute
NVIDIA深度學習教育機構 (DLI): Deep Learning Institute
 
Evolution of Supermicro GPU Server Solution
Evolution of Supermicro GPU Server SolutionEvolution of Supermicro GPU Server Solution
Evolution of Supermicro GPU Server Solution
 
Urs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksUrs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural Networks
 
Deep Learning at Scale
Deep Learning at ScaleDeep Learning at Scale
Deep Learning at Scale
 
"Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre...
"Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre..."Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre...
"Fast Deployment of Low-power Deep Learning on CEVA Vision Processors," a Pre...
 
ODSC West
ODSC WestODSC West
ODSC West
 
Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)
 
"Efficient Implementation of Convolutional Neural Networks using OpenCL on FP...
"Efficient Implementation of Convolutional Neural Networks using OpenCL on FP..."Efficient Implementation of Convolutional Neural Networks using OpenCL on FP...
"Efficient Implementation of Convolutional Neural Networks using OpenCL on FP...
 
"Accelerating Deep Learning Using Altera FPGAs," a Presentation from Intel
"Accelerating Deep Learning Using Altera FPGAs," a Presentation from Intel"Accelerating Deep Learning Using Altera FPGAs," a Presentation from Intel
"Accelerating Deep Learning Using Altera FPGAs," a Presentation from Intel
 
Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture Accelerate Machine Learning Software on Intel Architecture
Accelerate Machine Learning Software on Intel Architecture
 
Android and Deep Learning
Android and Deep LearningAndroid and Deep Learning
Android and Deep Learning
 
Classification of aerial photographs using DIGITS 2 - Mike Wang
Classification of aerial photographs using DIGITS 2 - Mike WangClassification of aerial photographs using DIGITS 2 - Mike Wang
Classification of aerial photographs using DIGITS 2 - Mike Wang
 
Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...
Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...
Performance Optimization of Deep Learning Frameworks Caffe* and Tensorflow* f...
 

Ähnlich wie NVIDIA 深度學習教育機構 (DLI): Approaches to object detection

2_Image Classification.pdf
2_Image Classification.pdf2_Image Classification.pdf
2_Image Classification.pdfFEG
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesTuri, Inc.
 
“OpenCV: Past, Present and Future,” a Presentation from OpenCV.org
“OpenCV: Past, Present and Future,” a Presentation from OpenCV.org“OpenCV: Past, Present and Future,” a Presentation from OpenCV.org
“OpenCV: Past, Present and Future,” a Presentation from OpenCV.orgEdge AI and Vision Alliance
 
Deep learning with_computer_vision
Deep learning with_computer_visionDeep learning with_computer_vision
Deep learning with_computer_visionAnand Narayanan
 
Build, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache Spark
Build, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache SparkBuild, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache Spark
Build, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache SparkDatabricks
 
OpenCV @ Droidcon 2012
OpenCV @ Droidcon 2012OpenCV @ Droidcon 2012
OpenCV @ Droidcon 2012Wingston
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakPyData
 
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016MLconf
 
Deep Learning: DL4J and DataVec
Deep Learning: DL4J and DataVecDeep Learning: DL4J and DataVec
Deep Learning: DL4J and DataVecJosh Patterson
 
ICCV 2019 - A view
ICCV 2019 - A viewICCV 2019 - A view
ICCV 2019 - A viewLiberiFatali
 
Wahckon[2] - iOS Runtime Hacking Crash Course
Wahckon[2] - iOS Runtime Hacking Crash CourseWahckon[2] - iOS Runtime Hacking Crash Course
Wahckon[2] - iOS Runtime Hacking Crash Courseeightbit
 
Get your Project back in Shape!
Get your Project back in Shape!Get your Project back in Shape!
Get your Project back in Shape!Joachim Tuchel
 
DMC NI Week 2014 High Speed Vision
DMC NI Week 2014 High Speed VisionDMC NI Week 2014 High Speed Vision
DMC NI Week 2014 High Speed VisionDMC, Inc.
 
Transfer Learning (20230516)
Transfer Learning (20230516)Transfer Learning (20230516)
Transfer Learning (20230516)FEG
 
深度學習在AOI的應用
深度學習在AOI的應用深度學習在AOI的應用
深度學習在AOI的應用CHENHuiMei
 
Build, Scale, and Deploy Deep Learning Pipelines with Ease
Build, Scale, and Deploy Deep Learning Pipelines with EaseBuild, Scale, and Deploy Deep Learning Pipelines with Ease
Build, Scale, and Deploy Deep Learning Pipelines with EaseDatabricks
 
CrikeyCon 2015 - iOS Runtime Hacking Crash Course
CrikeyCon 2015 - iOS Runtime Hacking Crash CourseCrikeyCon 2015 - iOS Runtime Hacking Crash Course
CrikeyCon 2015 - iOS Runtime Hacking Crash Courseeightbit
 
ICLR 2020 Recap
ICLR 2020 RecapICLR 2020 Recap
ICLR 2020 RecapSri Ambati
 
502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptx502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptxshrey4922
 
Neo4j GraphTalk Basel - Building intelligent Software with Graphs
Neo4j GraphTalk Basel - Building intelligent Software with GraphsNeo4j GraphTalk Basel - Building intelligent Software with Graphs
Neo4j GraphTalk Basel - Building intelligent Software with GraphsNeo4j
 

Ähnlich wie NVIDIA 深度學習教育機構 (DLI): Approaches to object detection (20)

2_Image Classification.pdf
2_Image Classification.pdf2_Image Classification.pdf
2_Image Classification.pdf
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
 
“OpenCV: Past, Present and Future,” a Presentation from OpenCV.org
“OpenCV: Past, Present and Future,” a Presentation from OpenCV.org“OpenCV: Past, Present and Future,” a Presentation from OpenCV.org
“OpenCV: Past, Present and Future,” a Presentation from OpenCV.org
 
Deep learning with_computer_vision
Deep learning with_computer_visionDeep learning with_computer_vision
Deep learning with_computer_vision
 
Build, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache Spark
Build, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache SparkBuild, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache Spark
Build, Scale, and Deploy Deep Learning Pipelines with Ease Using Apache Spark
 
OpenCV @ Droidcon 2012
OpenCV @ Droidcon 2012OpenCV @ Droidcon 2012
OpenCV @ Droidcon 2012
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
 
Deep Learning: DL4J and DataVec
Deep Learning: DL4J and DataVecDeep Learning: DL4J and DataVec
Deep Learning: DL4J and DataVec
 
ICCV 2019 - A view
ICCV 2019 - A viewICCV 2019 - A view
ICCV 2019 - A view
 
Wahckon[2] - iOS Runtime Hacking Crash Course
Wahckon[2] - iOS Runtime Hacking Crash CourseWahckon[2] - iOS Runtime Hacking Crash Course
Wahckon[2] - iOS Runtime Hacking Crash Course
 
Get your Project back in Shape!
Get your Project back in Shape!Get your Project back in Shape!
Get your Project back in Shape!
 
DMC NI Week 2014 High Speed Vision
DMC NI Week 2014 High Speed VisionDMC NI Week 2014 High Speed Vision
DMC NI Week 2014 High Speed Vision
 
Transfer Learning (20230516)
Transfer Learning (20230516)Transfer Learning (20230516)
Transfer Learning (20230516)
 
深度學習在AOI的應用
深度學習在AOI的應用深度學習在AOI的應用
深度學習在AOI的應用
 
Build, Scale, and Deploy Deep Learning Pipelines with Ease
Build, Scale, and Deploy Deep Learning Pipelines with EaseBuild, Scale, and Deploy Deep Learning Pipelines with Ease
Build, Scale, and Deploy Deep Learning Pipelines with Ease
 
CrikeyCon 2015 - iOS Runtime Hacking Crash Course
CrikeyCon 2015 - iOS Runtime Hacking Crash CourseCrikeyCon 2015 - iOS Runtime Hacking Crash Course
CrikeyCon 2015 - iOS Runtime Hacking Crash Course
 
ICLR 2020 Recap
ICLR 2020 RecapICLR 2020 Recap
ICLR 2020 Recap
 
502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptx502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptx
 
Neo4j GraphTalk Basel - Building intelligent Software with Graphs
Neo4j GraphTalk Basel - Building intelligent Software with GraphsNeo4j GraphTalk Basel - Building intelligent Software with Graphs
Neo4j GraphTalk Basel - Building intelligent Software with Graphs
 

Mehr von NVIDIA Taiwan

GTC Taiwan 2017 主題演說
GTC Taiwan 2017 主題演說GTC Taiwan 2017 主題演說
GTC Taiwan 2017 主題演說NVIDIA Taiwan
 
GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統
GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統
GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統NVIDIA Taiwan
 
GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷
GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷
GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷NVIDIA Taiwan
 
GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發
GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發 GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發
GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發 NVIDIA Taiwan
 
GTC Taiwan 2017 人工智慧:保險科技的未來
GTC Taiwan 2017 人工智慧:保險科技的未來GTC Taiwan 2017 人工智慧:保險科技的未來
GTC Taiwan 2017 人工智慧:保險科技的未來NVIDIA Taiwan
 
GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道
GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道
GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道NVIDIA Taiwan
 
GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心
GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心
GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心NVIDIA Taiwan
 
GTC Taiwan 2017 用計算來凝視複雜的世界
GTC Taiwan 2017 用計算來凝視複雜的世界 GTC Taiwan 2017 用計算來凝視複雜的世界
GTC Taiwan 2017 用計算來凝視複雜的世界 NVIDIA Taiwan
 
GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化
GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化
GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化NVIDIA Taiwan
 
GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗
GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗
GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗NVIDIA Taiwan
 
GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享
GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享
GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享NVIDIA Taiwan
 
GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用
GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用
GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用NVIDIA Taiwan
 
GTC Taiwan 2017 結合智能視覺系統之機械手臂
GTC Taiwan 2017 結合智能視覺系統之機械手臂GTC Taiwan 2017 結合智能視覺系統之機械手臂
GTC Taiwan 2017 結合智能視覺系統之機械手臂NVIDIA Taiwan
 
GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化
GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化
GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化NVIDIA Taiwan
 
GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用
GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用
GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用NVIDIA Taiwan
 
GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用
GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用
GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用NVIDIA Taiwan
 
GTC Taiwan 2017 企業端深度學習與人工智慧應用
GTC Taiwan 2017 企業端深度學習與人工智慧應用GTC Taiwan 2017 企業端深度學習與人工智慧應用
GTC Taiwan 2017 企業端深度學習與人工智慧應用NVIDIA Taiwan
 
GTC Taiwan 2017 應用智慧科技於傳染病防治
GTC Taiwan 2017 應用智慧科技於傳染病防治GTC Taiwan 2017 應用智慧科技於傳染病防治
GTC Taiwan 2017 應用智慧科技於傳染病防治NVIDIA Taiwan
 
Ai Forum at Computex 2017 - Keynote Slides by Jensen Huang
Ai Forum at Computex 2017 - Keynote Slides by Jensen HuangAi Forum at Computex 2017 - Keynote Slides by Jensen Huang
Ai Forum at Computex 2017 - Keynote Slides by Jensen HuangNVIDIA Taiwan
 
Aeroprobing A.I. Drone with TX1
Aeroprobing A.I. Drone with TX1Aeroprobing A.I. Drone with TX1
Aeroprobing A.I. Drone with TX1NVIDIA Taiwan
 

Mehr von NVIDIA Taiwan (20)

GTC Taiwan 2017 主題演說
GTC Taiwan 2017 主題演說GTC Taiwan 2017 主題演說
GTC Taiwan 2017 主題演說
 
GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統
GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統
GTC Taiwan 2017 基於 CNN 對易混淆中藥的手機辨識系統
 
GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷
GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷
GTC Taiwan 2017 CUDA 加速先進影像分析技術與深度學習於臨床電腦斷層掃瞄肝細胞腫瘤輔助診斷
 
GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發
GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發 GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發
GTC Taiwan 2017 自主駕駛車輛發展平台與技術研發
 
GTC Taiwan 2017 人工智慧:保險科技的未來
GTC Taiwan 2017 人工智慧:保險科技的未來GTC Taiwan 2017 人工智慧:保險科技的未來
GTC Taiwan 2017 人工智慧:保險科技的未來
 
GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道
GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道
GTC Taiwan 2017 從雲端到終端的瓶頸及解決之道
 
GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心
GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心
GTC Taiwan 2017 如何在充滿未知的巨量數據時代中建構一個數據中心
 
GTC Taiwan 2017 用計算來凝視複雜的世界
GTC Taiwan 2017 用計算來凝視複雜的世界 GTC Taiwan 2017 用計算來凝視複雜的世界
GTC Taiwan 2017 用計算來凝視複雜的世界
 
GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化
GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化
GTC Taiwan 2017 在 Google Cloud 當中使用 GPU 進行效能最佳化
 
GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗
GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗
GTC Taiwan 2017 NVIDIA VRWorks SDK 加速性能與提升 VR 使用經驗
 
GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享
GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享
GTC Taiwan 2017 NVIDIA Holodeck 與 Isaac VR 技術分享
 
GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用
GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用
GTC Taiwan 2017 深度學習於表面瑕疵檢測之應用
 
GTC Taiwan 2017 結合智能視覺系統之機械手臂
GTC Taiwan 2017 結合智能視覺系統之機械手臂GTC Taiwan 2017 結合智能視覺系統之機械手臂
GTC Taiwan 2017 結合智能視覺系統之機械手臂
 
GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化
GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化
GTC Taiwan 2017 以雲端 GPU 將傳統硬體人工智慧化
 
GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用
GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用
GTC Taiwan 2017 GPU 平台上導入深度學習於半導體產業之 EDA 應用
 
GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用
GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用
GTC Taiwan 2017 深度學習與該技術於視訊監控產業上之應用
 
GTC Taiwan 2017 企業端深度學習與人工智慧應用
GTC Taiwan 2017 企業端深度學習與人工智慧應用GTC Taiwan 2017 企業端深度學習與人工智慧應用
GTC Taiwan 2017 企業端深度學習與人工智慧應用
 
GTC Taiwan 2017 應用智慧科技於傳染病防治
GTC Taiwan 2017 應用智慧科技於傳染病防治GTC Taiwan 2017 應用智慧科技於傳染病防治
GTC Taiwan 2017 應用智慧科技於傳染病防治
 
Ai Forum at Computex 2017 - Keynote Slides by Jensen Huang
Ai Forum at Computex 2017 - Keynote Slides by Jensen HuangAi Forum at Computex 2017 - Keynote Slides by Jensen Huang
Ai Forum at Computex 2017 - Keynote Slides by Jensen Huang
 
Aeroprobing A.I. Drone with TX1
Aeroprobing A.I. Drone with TX1Aeroprobing A.I. Drone with TX1
Aeroprobing A.I. Drone with TX1
 

Kürzlich hochgeladen

React Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief UtamaReact Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief UtamaHanief Utama
 
What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...Technogeeks
 
Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)Ahmed Mater
 
Intelligent Home Wi-Fi Solutions | ThinkPalm
Intelligent Home Wi-Fi Solutions | ThinkPalmIntelligent Home Wi-Fi Solutions | ThinkPalm
Intelligent Home Wi-Fi Solutions | ThinkPalmSujith Sukumaran
 
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)jennyeacort
 
PREDICTING RIVER WATER QUALITY ppt presentation
PREDICTING  RIVER  WATER QUALITY  ppt presentationPREDICTING  RIVER  WATER QUALITY  ppt presentation
PREDICTING RIVER WATER QUALITY ppt presentationvaddepallysandeep122
 
How to Track Employee Performance A Comprehensive Guide.pdf
How to Track Employee Performance A Comprehensive Guide.pdfHow to Track Employee Performance A Comprehensive Guide.pdf
How to Track Employee Performance A Comprehensive Guide.pdfLivetecs LLC
 
How to submit a standout Adobe Champion Application
How to submit a standout Adobe Champion ApplicationHow to submit a standout Adobe Champion Application
How to submit a standout Adobe Champion ApplicationBradBedford3
 
Recruitment Management Software Benefits (Infographic)
Recruitment Management Software Benefits (Infographic)Recruitment Management Software Benefits (Infographic)
Recruitment Management Software Benefits (Infographic)Hr365.us smith
 
Unveiling the Future: Sylius 2.0 New Features
Unveiling the Future: Sylius 2.0 New FeaturesUnveiling the Future: Sylius 2.0 New Features
Unveiling the Future: Sylius 2.0 New FeaturesŁukasz Chruściel
 
Odoo 14 - eLearning Module In Odoo 14 Enterprise
Odoo 14 - eLearning Module In Odoo 14 EnterpriseOdoo 14 - eLearning Module In Odoo 14 Enterprise
Odoo 14 - eLearning Module In Odoo 14 Enterprisepreethippts
 
Cloud Data Center Network Construction - IEEE
Cloud Data Center Network Construction - IEEECloud Data Center Network Construction - IEEE
Cloud Data Center Network Construction - IEEEVICTOR MAESTRE RAMIREZ
 
MYjobs Presentation Django-based project
MYjobs Presentation Django-based projectMYjobs Presentation Django-based project
MYjobs Presentation Django-based projectAnoyGreter
 
英国UN学位证,北安普顿大学毕业证书1:1制作
英国UN学位证,北安普顿大学毕业证书1:1制作英国UN学位证,北安普顿大学毕业证书1:1制作
英国UN学位证,北安普顿大学毕业证书1:1制作qr0udbr0
 
Unveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML DiagramsUnveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML DiagramsAhmed Mohamed
 
Implementing Zero Trust strategy with Azure
Implementing Zero Trust strategy with AzureImplementing Zero Trust strategy with Azure
Implementing Zero Trust strategy with AzureDinusha Kumarasiri
 
Balasore Best It Company|| Top 10 IT Company || Balasore Software company Odisha
Balasore Best It Company|| Top 10 IT Company || Balasore Software company OdishaBalasore Best It Company|| Top 10 IT Company || Balasore Software company Odisha
Balasore Best It Company|| Top 10 IT Company || Balasore Software company Odishasmiwainfosol
 
Best Web Development Agency- Idiosys USA.pdf
Best Web Development Agency- Idiosys USA.pdfBest Web Development Agency- Idiosys USA.pdf
Best Web Development Agency- Idiosys USA.pdfIdiosysTechnologies1
 

Kürzlich hochgeladen (20)

React Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief UtamaReact Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief Utama
 
What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...
 
Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)
 
Intelligent Home Wi-Fi Solutions | ThinkPalm
Intelligent Home Wi-Fi Solutions | ThinkPalmIntelligent Home Wi-Fi Solutions | ThinkPalm
Intelligent Home Wi-Fi Solutions | ThinkPalm
 
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
 
PREDICTING RIVER WATER QUALITY ppt presentation
PREDICTING  RIVER  WATER QUALITY  ppt presentationPREDICTING  RIVER  WATER QUALITY  ppt presentation
PREDICTING RIVER WATER QUALITY ppt presentation
 
How to Track Employee Performance A Comprehensive Guide.pdf
How to Track Employee Performance A Comprehensive Guide.pdfHow to Track Employee Performance A Comprehensive Guide.pdf
How to Track Employee Performance A Comprehensive Guide.pdf
 
How to submit a standout Adobe Champion Application
How to submit a standout Adobe Champion ApplicationHow to submit a standout Adobe Champion Application
How to submit a standout Adobe Champion Application
 
Recruitment Management Software Benefits (Infographic)
Recruitment Management Software Benefits (Infographic)Recruitment Management Software Benefits (Infographic)
Recruitment Management Software Benefits (Infographic)
 
Hot Sexy call girls in Patel Nagar🔝 9953056974 🔝 escort Service
Hot Sexy call girls in Patel Nagar🔝 9953056974 🔝 escort ServiceHot Sexy call girls in Patel Nagar🔝 9953056974 🔝 escort Service
Hot Sexy call girls in Patel Nagar🔝 9953056974 🔝 escort Service
 
Unveiling the Future: Sylius 2.0 New Features
Unveiling the Future: Sylius 2.0 New FeaturesUnveiling the Future: Sylius 2.0 New Features
Unveiling the Future: Sylius 2.0 New Features
 
Odoo 14 - eLearning Module In Odoo 14 Enterprise
Odoo 14 - eLearning Module In Odoo 14 EnterpriseOdoo 14 - eLearning Module In Odoo 14 Enterprise
Odoo 14 - eLearning Module In Odoo 14 Enterprise
 
Cloud Data Center Network Construction - IEEE
Cloud Data Center Network Construction - IEEECloud Data Center Network Construction - IEEE
Cloud Data Center Network Construction - IEEE
 
MYjobs Presentation Django-based project
MYjobs Presentation Django-based projectMYjobs Presentation Django-based project
MYjobs Presentation Django-based project
 
英国UN学位证,北安普顿大学毕业证书1:1制作
英国UN学位证,北安普顿大学毕业证书1:1制作英国UN学位证,北安普顿大学毕业证书1:1制作
英国UN学位证,北安普顿大学毕业证书1:1制作
 
Unveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML DiagramsUnveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML Diagrams
 
Implementing Zero Trust strategy with Azure
Implementing Zero Trust strategy with AzureImplementing Zero Trust strategy with Azure
Implementing Zero Trust strategy with Azure
 
Balasore Best It Company|| Top 10 IT Company || Balasore Software company Odisha
Balasore Best It Company|| Top 10 IT Company || Balasore Software company OdishaBalasore Best It Company|| Top 10 IT Company || Balasore Software company Odisha
Balasore Best It Company|| Top 10 IT Company || Balasore Software company Odisha
 
2.pdf Ejercicios de programación competitiva
2.pdf Ejercicios de programación competitiva2.pdf Ejercicios de programación competitiva
2.pdf Ejercicios de programación competitiva
 
Best Web Development Agency- Idiosys USA.pdf
Best Web Development Agency- Idiosys USA.pdfBest Web Development Agency- Idiosys USA.pdf
Best Web Development Agency- Idiosys USA.pdf
 

NVIDIA 深度學習教育機構 (DLI): Approaches to object detection

  • 1. 1 [Name] Approaches to Object Detection Certified Instructor, NVIDIA Deep Learning Institute NVIDIA Corporation
  • 2. 2 DEEP LEARNING INSTITUTE DLI Mission Helping people solve challenging problems using AI and deep learning. • Developers, data scientists and engineers • Self-driving cars, healthcare and robotics • Training, optimizing, and deploying deep neural networks
  • 3. 33 TOPICS • Lab Perspective • Object Detection • NVIDIA’s DIGITS • Caffe • Lab Discussion / Overview • Lab Review
  • 5. 5 WHAT THIS LAB IS • Discussion/Demonstration of object detection using Deep Learning • Hands-on exercises using Caffe and DIGITS
  • 6. 6 WHAT THIS LAB IS NOT • Intro to machine learning from first principles • Rigorous mathematical formalism of convolutional neural networks • Survey of all the features and options of Caffe
  • 7. 7 ASSUMPTIONS • You are familiar with convolutional neural networks (CNN) • Helpful to have: • Object detection experience • Caffe experience
  • 8. 8 TAKE AWAYS • You can setup your own object detection workflow in Caffe and adapt it to your use case • Know where to go for more info • Familiarity with Caffe
  • 10. 10 COMPUTER VISION TASKS Image Segmentation Object Detection Image Classification + Localization Image Classification (inspired by a slide found in cs231n lecture from Stanford University)
  • 11. 11 OBJECT DETECTION • Object detection can identify and classify one or more objects in an image • Detection is also about localizing the extent of an object in an image • Bounding boxes / heat maps • Training data must have objects within images labeled • Can be hard to find / produce training dataset
  • 12. 12 OBJECT DETECTION IN REMOTE SENSING IMAGES Broad applicability • Commercial asset tracking • Humanitarian crisis mapping • Search and rescue • Land usage monitoring • Wildlife tracking • Human geography • Geospatial intelligence production • Military target recognition Vermeulen et al, (2013) Unmanned Aerial Survey of Elephants. PLoS ONE 8(2): e54700 Imagery ©2016 Google, Map data © 2016 Google
  • 13. 13 OBJECT DETECTION GENERATE CANDIDATE DETECTIONS EXTRACT PATCHES
  • 14. 1414 CHALLENGES FOR OBJECT DETECTION Background clutter Occlusion Illumination Object variation
  • 15. 15 ADDITIONAL APPROACHES TO OBJECT DETECTION ARCHITECTURE • R-CNN = Region CNN • Fast R-CNN • Faster R-CNN Region Proposal Network • RoI-Pooling = Region of Interest Pooling
  • 17. 1717 Process Data Configure DNN VisualizationMonitor Progress Interactive Deep Learning GPU Training System NVIDIA’S DIGITS
  • 19. 19 WHAT IS CAFFE? • Pure C++/CUDA architecture • Command line, Python, MATLAB interfaces • Fast, well-tested code • Pre-processing and deployment tools, reference models and examples • Image data management • Seamless GPU acceleration • Large community of contributors to the open-source project An open framework for deep learning developed by the Berkeley Vision and Learning Center (BVLC) caffe.berkeleyvision.org http://github.com/BVLC/caffe
  • 20. 2020 CAFFE FEATURES Protobuf model format • Strongly typed format • Human readable • Auto-generates and checks Caffe code • Developed by Google • Used to define network architecture and training parameters • No coding required! name: “conv1” type: “Convolution” bottom: “data” top: “conv1” convolution_param { num_output: 20 kernel_size: 5 stride: 1 weight_filler { type: “xavier” } } Deep Learning model definition
  • 22. 2222 TRAINING APPROACH 1 – SLIDING WINDOW
  • 23. 2323 0 0 0 0 0 0 0 0 1 1 1 0 0 0 0 1 2 2 1 1 1 0 1 2 2 2 1 1 0 1 2 2 2 1 1 0 0 1 1 1 1 1 0 0 0 0 0 0 0 4 0 0 0 0 0 0 0 -4 1 0 -8 Source Pixel Convolution kernel (a.k.a. filter) New pixel value (destination pixel) Center element of the kernel is placed over the source pixel. The source pixel is then replaced with a weighted sum of itself and nearby pixels. CONVOLUTION
  • 24. 24 TRAINING APPROACH 1 – POOLING • Pooling is a down-sampling technique • Reduces the spatial size of the representation • Reduces number of parameters and number of computations (in upcoming layer) • Limits overfitting • No parameters (weights) in the pooling layer • Typically involves using MAX operation with a 2 X 2 filter with a stride of 2
  • 25. 25 TRAINING APPROACH 1 - DATASETS • Two datasets • First contains the wide area ocean shots containing the whales • This dataset is located in data_336x224 • Second dataset is ~4500 crops of whale faces and an additional 4500 random crops from the same images • We are going to use this second dataset to train our classifier in DIGITS • These are the “patches”
  • 26. 26 TRAINING APPROACH 1 - TRAINING • Will train a simple two class CNN classifier on training dataset • Customize the Image Classification model in DIGITS: • Choose the Standard Network "AlexNet" • Set the number of training epochs to 5
  • 27. 27 TRAINING APPROACH 1 – SLIDING WINDOW • Will execute code shown below • Example of how you feed new images to a model • In practice, would write code in C++ and use TensorRT import numpy as np import matplotlib.pyplot as plt import caffe import time MODEL_JOB_NUM = '20160920-092148-8c17' ## Remember to set this to be the job number for your model DATASET_JOB_NUM = '20160920-090913-a43d' ## Remember to set this to be the job number for your dataset MODEL_FILE = '/home/ubuntu/digits/digits/jobs/' + MODEL_JOB_NUM + '/deploy.prototxt' # Do not change PRETRAINED = '/home/ubuntu/digits/digits/jobs/' + MODEL_JOB_NUM + '/snapshot_iter_270.caffemodel' # Do not change MEAN_IMAGE = '/home/ubuntu/digits/digits/jobs/' + DATASET_JOB_NUM + '/mean.jpg' # Do not change # load the mean image mean_image = caffe.io.load_image(MEAN_IMAGE) # Choose a random image to test against RANDOM_IMAGE = str(np.random.randint(10)) IMAGE_FILE = 'data/samples/w_' + RANDOM_IMAGE + '.jpg'
  • 28. 28 CAPTURING MODEL / DATASET NUMBER 1. Model number can be found here 2. Dataset number will be different, but found in same location
  • 29. 29 TRAINING APPROACH 2 • Candidate generation and classification • Alternative to classification CNN using sliding window approach • Discussed in lab instructions, but no lab task associated with this approach
  • 30. 30 TRAINING APPROACH 3 Fully-Convolutional Network (FCN) “CONVOLUTIONIZATION ”/ “NET SURGERY” Conv Pool Conv Pool Conv Pool Fullyconnected Fullyconnected CLASS PREDICTIONS CAR TRUCK DIGGER BACKGROUND Conv Pool Conv Pool Conv Pool 1x1Conv 1x1Conv PATCHES WIDE AREA IMAGE CLASS PREDICTION HEATMAP
  • 31. 31 TRAINING APPROACH 3 - EXAMPLE Alexnet converted to FCN for four class classification
  • 32. 32 TRAINING APPROACH 3 - FALSE ALARM MINIMIZATION Imbalanced dataset and InfogainLoss Data augmentation Random scale, crop, flip, rotate Transfer learning ImageNet data ImageNet classes Kespry data Kespry classes Extract pre-trained CNN weights Pre-training Fine-tuning
  • 33. 33 TRAINING APPROACH 3 - INCREASING FCN PRECISION Multi-scale and shifted inputs Slide credit: Fei-Fei Li & Andrej Karpathy, Stanford cs231n
  • 34. 34 TRAINING APPROACH 4 - DETECTNET • Train a CNN to simultaneously • Classify the most likely object present at each location within an image • Predict the corresponding bounding box for that object through regression • Benefits: • Simple one-shot detection, classification and bounding box regression pipeline • Very low latency • Very low false alarm rates due to strong, voluminous background training data
  • 35. 35 TRAINING APPROACH 4 - DETECTNET Train on wide-area images with bounding box annotations
  • 36. 36 NAVIGATING TO QWIKLABS 1. Navigate to: https://nvlabs.qwiklab.com 2. Login or create a new account
  • 37. 37 ACCESSING LAB ENVIRONMENT 1. Select the event specific In-Session Class in the upper left 2. Click the “Approaches to Object Detection Using DIGITS” Class from the list *** Model building may take some time and may appear to initially not be progressing ***
  • 39. 39 TRAINING APPROACHS • Approach 1: • Patches to build model • Sliding window looks for location of whale face
  • 40. 40 TRAINING APPROACHS • Approach 3: • Fully-convolut ion network (FCN)
  • 42. 42 WHAT’S NEXT • Use / practice what you learned • Discuss with peers practical applications of DNN • Reach out to NVIDIA and the Deep Learning Institute • Attend local meetup groups • Follow people like Andrej Karpathy and Andrew Ng
  • 43. 4343 WHAT’S NEXT …for the chance to win an NVIDIA SHIELD TV. Check your email for a link. TAKE SURVEY Check your email for details to access more DLI training online. ACCESS ONLINE LABS Visit www.nvidia.com/dli for workshops in your area. ATTEND WORKSHOP Visit https://developer.nvidia.com/join for more. JOIN DEVELOPER PROGRAM
  • 44. 44 May 8 - 11, 2017 | Silicon Valley | #GTC17 www.gputechconf.com Don’t miss the world’s most important event for GPU developers May 8 – 11, 2017 in Silicon Valley INNOVATE Hear about disruptive innovations from startups DISCOVER See how GPUs are creating amazing breakthroughs in important fields such as deep learning and AI CONNECT Connect with technology experts from NVIDIA and other leading organizations LEARN Gain insight and valuable hands-on training through hundreds of sessions and research posters