SlideShare a Scribd company logo
1 of 22
Download to read offline
© 2021 NVIDIA
Getting Started with Vision AI
Model Training
Ekaterina Sirazitdinova
NVIDIA
© 2021 NVIDIA
Agenda
• Introduction to deep learning training
• How it works and how neural networks learn
• What affects training
• Important training parameters and problem mitigation
• Data preparation
• Essential steps for creating a deep learning data set
• Where to start
• Deep learning frameworks and community resources
2
© 2021 NVIDIA
AI & Deep Learning are Changing the World
3
Robotics
Manufacturing, construction,
navigation
Healthcare
Cancer detection, drug discovery,
genomics
Internet Services
Image classification, speech
recognition, NLP
Media & Entertainment
Digital content creation
Autonomous Vehicles
Pedestrian & traffic sign detection,
lane tracking
Intelligent Video Analytics
AI cities, urban safety
© 2021 NVIDIA
How Does Deep Learning Work?
4
Trained
model
New capability
Untrained
neural network
model
Deep learning
framework
TRAINING
Learning a new capability
from existing data
cat
cat
dog
App or service
Featuring
capability
INFERENCE
Applying this capability
to new data
Trained model
Optimized for
performance
cat
?
© 2021 NVIDIA
A Simpler Case: Linear Model
5
ො
𝑦
𝑏𝑥
ො
𝑦 = 𝑏𝑥 + 𝑎
b = ?
𝑎 = ?
Weights and biases are the learnable
parameters of a machine learning model
© 2021 NVIDIA
From Neuron to Network
6
ො
𝑦
𝑤1 𝑤2
Input layer
Hidden layer 1 Hidden layer 2
Output layer
© 2021 NVIDIA
Activation Function
Popular activation functions
• ReLU
• Tanh
• Sigmoid
• …
7
Input layer
Hidden layer 1 Hidden layer 2
Output layer
How Does a Neural Network Learn?
8
© 2021 NVIDIA
Loss
9
Input layer
Hidden layer 1 Hidden layer 2
Output layer Ground truth
𝑙𝑜𝑠𝑠
© 2021 NVIDIA
Backpropagation
10
Input layer
Hidden layer 1 Hidden layer 2
Output layer Ground truth
𝑙𝑜𝑠𝑠
© 2021 NVIDIA
Gradient Descent
• Gradient: which direction loss decreases
the most
• Learning rate: how far to travel
• Step: an update to the weight
parameters
• Epoch: a model update with the full
dataset
• Batch: a sample of the full dataset
• Momentum: accelerates the
optimization process
11
b
𝑎
© 2021 NVIDIA
Optimizers
Some popular optimizers
• Adam
• Adagrad
• RMSprop
• Stochastic gradient descent (SGD)
• Madgrad
12
Global maxima
Local minima
Local maxima
Global minima
What Can Go Wrong and How to Make it Right?
13
© 2021 NVIDIA
Underfitting – Just Right – Overfitting
Regression
Segmentation
Deep
learning loss
curves
loss
epochs
training
validation
loss
epochs
training
validation
loss
epochs
training
validation
14
© 2021 NVIDIA
Preventing Over- and Underfitting
With the help of data
• Add more examples
• Check that your data set is
balanced
• Use a separate test set
• Apply data augmentation
15
Using some techniques
• Early stopping / increasing
number of epochs
• Changing network complexity
• Regularization
• Pruning
• Dropout
• Loss penalty (L1 and L2)
• Ensembling
• Transfer learning
It’s All About Data
16
© 2021 NVIDIA
Preparing Datasets for Deep Learning Training
• Acquiring enough data
• Ground truth labelling
• Balancing classes
• Splitting data into training, validation and testing sets
Train Validate
Training data
Validation data
Model after
a training step
17
What’s Next?
18
© 2021 NVIDIA
Deep Learning Frameworks: Your Starting Point
19
© 2021 NVIDIA
Summary: In This Talk You Have Learned
• What is a neural network and what does it mean to train it?
• Important steps of the deep learning training process and parameters affecting it
• What can go wrong and ways to make it right
• How to prepare your data for training
• What public resources you can use to master deep learning
20
© 2021 NVIDIA
Resources
21
Community resources
Kaggle
https://www.kaggle.com/
Papers with code
https://paperswithcode.com/
MLPerf
https://mlperf.org/
From the industry
Google AI Education
https://ai.google/education/
NVIDIA Devblog
https://developer.nvidia.com/blog/
Machine learning course by Stanford
(Coursera)
https://www.coursera.org/learn/machi
ne-learning
AI Conferences
NeurIPS
https://nips.cc/
CVF conferences
https://openaccess.thecvf.com/menu
ICML
https://icml.cc/
Thank you!
22

More Related Content

What's hot

"Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde...
"Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde..."Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde...
"Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde...Edge AI and Vision Alliance
 
"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEES
"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEES"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEES
"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEESEdge AI and Vision Alliance
 
Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together. Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together. Eran Shlomo
 
Cloud and Grid Computing
Cloud and Grid ComputingCloud and Grid Computing
Cloud and Grid ComputingLeen Blom
 
"Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ...
"Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ..."Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ...
"Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ...Edge AI and Vision Alliance
 
“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...
“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...
“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...Edge AI and Vision Alliance
 
Week 1: Introduction to Cloud Computing - DSA 441 Cloud Computing
Week 1: Introduction to Cloud Computing - DSA 441 Cloud ComputingWeek 1: Introduction to Cloud Computing - DSA 441 Cloud Computing
Week 1: Introduction to Cloud Computing - DSA 441 Cloud ComputingFerdin Joe John Joseph PhD
 
Video Analytics on Hadoop webinar victor fang-201309
Video Analytics on Hadoop webinar victor fang-201309Video Analytics on Hadoop webinar victor fang-201309
Video Analytics on Hadoop webinar victor fang-201309DrVictorFang
 
Wicsa2011 cloud tutorial
Wicsa2011 cloud tutorialWicsa2011 cloud tutorial
Wicsa2011 cloud tutorialAnna Liu
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignForrest Iandola
 
Cloud presentation
Cloud presentationCloud presentation
Cloud presentationnich2533
 
Cloud and grid computing by Leen Blom, Centric
Cloud and grid computing by Leen Blom, CentricCloud and grid computing by Leen Blom, Centric
Cloud and grid computing by Leen Blom, CentricCentric
 
"Machine Learning- based Image Compression: Ready for Prime Time?," a Present...
"Machine Learning- based Image Compression: Ready for Prime Time?," a Present..."Machine Learning- based Image Compression: Ready for Prime Time?," a Present...
"Machine Learning- based Image Compression: Ready for Prime Time?," a Present...Edge AI and Vision Alliance
 
Cloud syllabus for indonesia students
Cloud syllabus  for indonesia studentsCloud syllabus  for indonesia students
Cloud syllabus for indonesia studentsAshok Kumar
 
DeepScale: Real-Time Perception for Automated Driving
DeepScale: Real-Time Perception for Automated DrivingDeepScale: Real-Time Perception for Automated Driving
DeepScale: Real-Time Perception for Automated DrivingForrest Iandola
 
Forrest Iandola: How to become a full-stack deep learning engineer
Forrest Iandola: How to become a full-stack deep learning engineerForrest Iandola: How to become a full-stack deep learning engineer
Forrest Iandola: How to become a full-stack deep learning engineerForrest Iandola
 
The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 Eran Shlomo
 
Forrest Iandola: My Adventures in Artificial Intelligence and Entrepreneurship
Forrest Iandola: My Adventures in Artificial Intelligence and EntrepreneurshipForrest Iandola: My Adventures in Artificial Intelligence and Entrepreneurship
Forrest Iandola: My Adventures in Artificial Intelligence and EntrepreneurshipForrest Iandola
 

What's hot (20)

"Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde...
"Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde..."Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde...
"Deep Learning Beyond Cats and Cars: Developing a Real-life DNN-based Embedde...
 
"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEES
"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEES"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEES
"Designing a Stereo IP Camera From Scratch," a Presentation from ELVEES
 
On-Device AI
On-Device AIOn-Device AI
On-Device AI
 
Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together. Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together.
 
Cloud and Grid Computing
Cloud and Grid ComputingCloud and Grid Computing
Cloud and Grid Computing
 
"Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ...
"Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ..."Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ...
"Implementing the TensorFlow Deep Learning Framework on Qualcomm’s Low-power ...
 
“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...
“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...
“DepthAI: Embedded, Performant Spatial AI and Computer Vision,” a Presentatio...
 
Week 1: Introduction to Cloud Computing - DSA 441 Cloud Computing
Week 1: Introduction to Cloud Computing - DSA 441 Cloud ComputingWeek 1: Introduction to Cloud Computing - DSA 441 Cloud Computing
Week 1: Introduction to Cloud Computing - DSA 441 Cloud Computing
 
Video Analytics on Hadoop webinar victor fang-201309
Video Analytics on Hadoop webinar victor fang-201309Video Analytics on Hadoop webinar victor fang-201309
Video Analytics on Hadoop webinar victor fang-201309
 
Wicsa2011 cloud tutorial
Wicsa2011 cloud tutorialWicsa2011 cloud tutorial
Wicsa2011 cloud tutorial
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their Design
 
Cloud presentation
Cloud presentationCloud presentation
Cloud presentation
 
Cloud and grid computing by Leen Blom, Centric
Cloud and grid computing by Leen Blom, CentricCloud and grid computing by Leen Blom, Centric
Cloud and grid computing by Leen Blom, Centric
 
Cloud computing
Cloud computingCloud computing
Cloud computing
 
"Machine Learning- based Image Compression: Ready for Prime Time?," a Present...
"Machine Learning- based Image Compression: Ready for Prime Time?," a Present..."Machine Learning- based Image Compression: Ready for Prime Time?," a Present...
"Machine Learning- based Image Compression: Ready for Prime Time?," a Present...
 
Cloud syllabus for indonesia students
Cloud syllabus  for indonesia studentsCloud syllabus  for indonesia students
Cloud syllabus for indonesia students
 
DeepScale: Real-Time Perception for Automated Driving
DeepScale: Real-Time Perception for Automated DrivingDeepScale: Real-Time Perception for Automated Driving
DeepScale: Real-Time Perception for Automated Driving
 
Forrest Iandola: How to become a full-stack deep learning engineer
Forrest Iandola: How to become a full-stack deep learning engineerForrest Iandola: How to become a full-stack deep learning engineer
Forrest Iandola: How to become a full-stack deep learning engineer
 
The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 The deep learning tour - Q1 2017
The deep learning tour - Q1 2017
 
Forrest Iandola: My Adventures in Artificial Intelligence and Entrepreneurship
Forrest Iandola: My Adventures in Artificial Intelligence and EntrepreneurshipForrest Iandola: My Adventures in Artificial Intelligence and Entrepreneurship
Forrest Iandola: My Adventures in Artificial Intelligence and Entrepreneurship
 

Similar to Getting Started with Vision AI Model Training

“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...Edge AI and Vision Alliance
 
Demystifying Data Virtualization (ASEAN)
Demystifying Data Virtualization (ASEAN)Demystifying Data Virtualization (ASEAN)
Demystifying Data Virtualization (ASEAN)Denodo
 
Talend 6.1 - What's New in Talend?
Talend 6.1 - What's New in Talend?Talend 6.1 - What's New in Talend?
Talend 6.1 - What's New in Talend?Talend
 
Think Big | Enterprise Artificial Intelligence
Think Big | Enterprise Artificial IntelligenceThink Big | Enterprise Artificial Intelligence
Think Big | Enterprise Artificial IntelligenceData Science Milan
 
“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...
“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...
“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...Edge AI and Vision Alliance
 
“Automated Neural Network Model Training: The Impact on Deploying and Scaling...
“Automated Neural Network Model Training: The Impact on Deploying and Scaling...“Automated Neural Network Model Training: The Impact on Deploying and Scaling...
“Automated Neural Network Model Training: The Impact on Deploying and Scaling...Edge AI and Vision Alliance
 
Microsoft_Databricks Datathon - Submission Deck TEMPLATE.pptx
Microsoft_Databricks Datathon - Submission Deck TEMPLATE.pptxMicrosoft_Databricks Datathon - Submission Deck TEMPLATE.pptx
Microsoft_Databricks Datathon - Submission Deck TEMPLATE.pptxAbdoulaye DOUCOURE
 
Introduction to Machine Learning on IBM Power Systems
Introduction to Machine Learning on IBM Power SystemsIntroduction to Machine Learning on IBM Power Systems
Introduction to Machine Learning on IBM Power SystemsDavid Spurway
 
Correlation Analysis Modeling Use Case - IBM Power Systems
Correlation Analysis Modeling Use Case - IBM Power Systems Correlation Analysis Modeling Use Case - IBM Power Systems
Correlation Analysis Modeling Use Case - IBM Power Systems Gautam Siwach
 
Kyligence Cloud 4 - Feature Focus: AI-Augmented Engine
Kyligence Cloud 4 - Feature Focus: AI-Augmented EngineKyligence Cloud 4 - Feature Focus: AI-Augmented Engine
Kyligence Cloud 4 - Feature Focus: AI-Augmented EngineSamanthaBerlant
 
Data Warehouse in Cloud
Data Warehouse in CloudData Warehouse in Cloud
Data Warehouse in CloudPawan Bhargava
 
Government and Education Webinar: Simplify Your Database Performance Manageme...
Government and Education Webinar: Simplify Your Database Performance Manageme...Government and Education Webinar: Simplify Your Database Performance Manageme...
Government and Education Webinar: Simplify Your Database Performance Manageme...SolarWinds
 
Certified Data Science Specialist Course Preview Dr. Nickholas
Certified Data Science Specialist Course Preview Dr. NickholasCertified Data Science Specialist Course Preview Dr. Nickholas
Certified Data Science Specialist Course Preview Dr. NickholasiTrainMalaysia1
 
Technology Development Directions for Taiwan’s AI Industry
Technology Development Directions for Taiwan’s AI IndustryTechnology Development Directions for Taiwan’s AI Industry
Technology Development Directions for Taiwan’s AI Industrylegislative yuan
 
Computer Vision for Beginners
Computer Vision for BeginnersComputer Vision for Beginners
Computer Vision for BeginnersSanghamitra Deb
 
Technical Demonstration - Denodo Platform 7.0
Technical Demonstration - Denodo Platform 7.0Technical Demonstration - Denodo Platform 7.0
Technical Demonstration - Denodo Platform 7.0Denodo
 
“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...
“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...
“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...Edge AI and Vision Alliance
 
Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...
Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...
Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...Curiosity Software Ireland
 
Deploy, move and manage Postgres across cloud platforms
Deploy, move and manage Postgres across cloud platformsDeploy, move and manage Postgres across cloud platforms
Deploy, move and manage Postgres across cloud platformsAshnikbiz
 
Evaluating the Cloud
Evaluating the CloudEvaluating the Cloud
Evaluating the CloudSociusPartner
 

Similar to Getting Started with Vision AI Model Training (20)

“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
 
Demystifying Data Virtualization (ASEAN)
Demystifying Data Virtualization (ASEAN)Demystifying Data Virtualization (ASEAN)
Demystifying Data Virtualization (ASEAN)
 
Talend 6.1 - What's New in Talend?
Talend 6.1 - What's New in Talend?Talend 6.1 - What's New in Talend?
Talend 6.1 - What's New in Talend?
 
Think Big | Enterprise Artificial Intelligence
Think Big | Enterprise Artificial IntelligenceThink Big | Enterprise Artificial Intelligence
Think Big | Enterprise Artificial Intelligence
 
“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...
“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...
“Developing an Efficient Automotive Augmented Reality Solution Using Teacher-...
 
“Automated Neural Network Model Training: The Impact on Deploying and Scaling...
“Automated Neural Network Model Training: The Impact on Deploying and Scaling...“Automated Neural Network Model Training: The Impact on Deploying and Scaling...
“Automated Neural Network Model Training: The Impact on Deploying and Scaling...
 
Microsoft_Databricks Datathon - Submission Deck TEMPLATE.pptx
Microsoft_Databricks Datathon - Submission Deck TEMPLATE.pptxMicrosoft_Databricks Datathon - Submission Deck TEMPLATE.pptx
Microsoft_Databricks Datathon - Submission Deck TEMPLATE.pptx
 
Introduction to Machine Learning on IBM Power Systems
Introduction to Machine Learning on IBM Power SystemsIntroduction to Machine Learning on IBM Power Systems
Introduction to Machine Learning on IBM Power Systems
 
Correlation Analysis Modeling Use Case - IBM Power Systems
Correlation Analysis Modeling Use Case - IBM Power Systems Correlation Analysis Modeling Use Case - IBM Power Systems
Correlation Analysis Modeling Use Case - IBM Power Systems
 
Kyligence Cloud 4 - Feature Focus: AI-Augmented Engine
Kyligence Cloud 4 - Feature Focus: AI-Augmented EngineKyligence Cloud 4 - Feature Focus: AI-Augmented Engine
Kyligence Cloud 4 - Feature Focus: AI-Augmented Engine
 
Data Warehouse in Cloud
Data Warehouse in CloudData Warehouse in Cloud
Data Warehouse in Cloud
 
Government and Education Webinar: Simplify Your Database Performance Manageme...
Government and Education Webinar: Simplify Your Database Performance Manageme...Government and Education Webinar: Simplify Your Database Performance Manageme...
Government and Education Webinar: Simplify Your Database Performance Manageme...
 
Certified Data Science Specialist Course Preview Dr. Nickholas
Certified Data Science Specialist Course Preview Dr. NickholasCertified Data Science Specialist Course Preview Dr. Nickholas
Certified Data Science Specialist Course Preview Dr. Nickholas
 
Technology Development Directions for Taiwan’s AI Industry
Technology Development Directions for Taiwan’s AI IndustryTechnology Development Directions for Taiwan’s AI Industry
Technology Development Directions for Taiwan’s AI Industry
 
Computer Vision for Beginners
Computer Vision for BeginnersComputer Vision for Beginners
Computer Vision for Beginners
 
Technical Demonstration - Denodo Platform 7.0
Technical Demonstration - Denodo Platform 7.0Technical Demonstration - Denodo Platform 7.0
Technical Demonstration - Denodo Platform 7.0
 
“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...
“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...
“Data Versioning: Towards Reproducibility in Machine Learning,” a Presentatio...
 
Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...
Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...
Curiosity and Lemontree present - Data Breaks DevOps: Why you need automated ...
 
Deploy, move and manage Postgres across cloud platforms
Deploy, move and manage Postgres across cloud platformsDeploy, move and manage Postgres across cloud platforms
Deploy, move and manage Postgres across cloud platforms
 
Evaluating the Cloud
Evaluating the CloudEvaluating the Cloud
Evaluating the Cloud
 

More from Edge AI and Vision Alliance

“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...Edge AI and Vision Alliance
 
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...Edge AI and Vision Alliance
 
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...Edge AI and Vision Alliance
 
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...Edge AI and Vision Alliance
 
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...Edge AI and Vision Alliance
 
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...Edge AI and Vision Alliance
 
“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...Edge AI and Vision Alliance
 
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsightsEdge AI and Vision Alliance
 
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...Edge AI and Vision Alliance
 
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...Edge AI and Vision Alliance
 
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...Edge AI and Vision Alliance
 
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...Edge AI and Vision Alliance
 
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...Edge AI and Vision Alliance
 
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...Edge AI and Vision Alliance
 
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...Edge AI and Vision Alliance
 
“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from Samsara“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from SamsaraEdge AI and Vision Alliance
 
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...Edge AI and Vision Alliance
 
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...Edge AI and Vision Alliance
 
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...Edge AI and Vision Alliance
 
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...Edge AI and Vision Alliance
 

More from Edge AI and Vision Alliance (20)

“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
 
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
 
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
 
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
 
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
 
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
 
“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...
 
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
 
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
 
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
 
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
 
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
 
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
 
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
 
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
 
“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from Samsara“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from Samsara
 
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
 
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
 
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
 
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
 

Recently uploaded

Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationSafe Software
 
How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?XfilesPro
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machinePadma Pradeep
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsHyundai Motor Group
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure servicePooja Nehwal
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksSoftradix Technologies
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersThousandEyes
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptxLBM Solutions
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...shyamraj55
 
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...HostedbyConfluent
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
 
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024BookNet Canada
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024BookNet Canada
 
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationMichael W. Hawkins
 

Recently uploaded (20)

Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
 
How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machine
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other Frameworks
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptx
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
 
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
 
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 

Getting Started with Vision AI Model Training

  • 1. © 2021 NVIDIA Getting Started with Vision AI Model Training Ekaterina Sirazitdinova NVIDIA
  • 2. © 2021 NVIDIA Agenda • Introduction to deep learning training • How it works and how neural networks learn • What affects training • Important training parameters and problem mitigation • Data preparation • Essential steps for creating a deep learning data set • Where to start • Deep learning frameworks and community resources 2
  • 3. © 2021 NVIDIA AI & Deep Learning are Changing the World 3 Robotics Manufacturing, construction, navigation Healthcare Cancer detection, drug discovery, genomics Internet Services Image classification, speech recognition, NLP Media & Entertainment Digital content creation Autonomous Vehicles Pedestrian & traffic sign detection, lane tracking Intelligent Video Analytics AI cities, urban safety
  • 4. © 2021 NVIDIA How Does Deep Learning Work? 4 Trained model New capability Untrained neural network model Deep learning framework TRAINING Learning a new capability from existing data cat cat dog App or service Featuring capability INFERENCE Applying this capability to new data Trained model Optimized for performance cat ?
  • 5. © 2021 NVIDIA A Simpler Case: Linear Model 5 ො 𝑦 𝑏𝑥 ො 𝑦 = 𝑏𝑥 + 𝑎 b = ? 𝑎 = ? Weights and biases are the learnable parameters of a machine learning model
  • 6. © 2021 NVIDIA From Neuron to Network 6 ො 𝑦 𝑤1 𝑤2 Input layer Hidden layer 1 Hidden layer 2 Output layer
  • 7. © 2021 NVIDIA Activation Function Popular activation functions • ReLU • Tanh • Sigmoid • … 7 Input layer Hidden layer 1 Hidden layer 2 Output layer
  • 8. How Does a Neural Network Learn? 8
  • 9. © 2021 NVIDIA Loss 9 Input layer Hidden layer 1 Hidden layer 2 Output layer Ground truth 𝑙𝑜𝑠𝑠
  • 10. © 2021 NVIDIA Backpropagation 10 Input layer Hidden layer 1 Hidden layer 2 Output layer Ground truth 𝑙𝑜𝑠𝑠
  • 11. © 2021 NVIDIA Gradient Descent • Gradient: which direction loss decreases the most • Learning rate: how far to travel • Step: an update to the weight parameters • Epoch: a model update with the full dataset • Batch: a sample of the full dataset • Momentum: accelerates the optimization process 11 b 𝑎
  • 12. © 2021 NVIDIA Optimizers Some popular optimizers • Adam • Adagrad • RMSprop • Stochastic gradient descent (SGD) • Madgrad 12 Global maxima Local minima Local maxima Global minima
  • 13. What Can Go Wrong and How to Make it Right? 13
  • 14. © 2021 NVIDIA Underfitting – Just Right – Overfitting Regression Segmentation Deep learning loss curves loss epochs training validation loss epochs training validation loss epochs training validation 14
  • 15. © 2021 NVIDIA Preventing Over- and Underfitting With the help of data • Add more examples • Check that your data set is balanced • Use a separate test set • Apply data augmentation 15 Using some techniques • Early stopping / increasing number of epochs • Changing network complexity • Regularization • Pruning • Dropout • Loss penalty (L1 and L2) • Ensembling • Transfer learning
  • 16. It’s All About Data 16
  • 17. © 2021 NVIDIA Preparing Datasets for Deep Learning Training • Acquiring enough data • Ground truth labelling • Balancing classes • Splitting data into training, validation and testing sets Train Validate Training data Validation data Model after a training step 17
  • 19. © 2021 NVIDIA Deep Learning Frameworks: Your Starting Point 19
  • 20. © 2021 NVIDIA Summary: In This Talk You Have Learned • What is a neural network and what does it mean to train it? • Important steps of the deep learning training process and parameters affecting it • What can go wrong and ways to make it right • How to prepare your data for training • What public resources you can use to master deep learning 20
  • 21. © 2021 NVIDIA Resources 21 Community resources Kaggle https://www.kaggle.com/ Papers with code https://paperswithcode.com/ MLPerf https://mlperf.org/ From the industry Google AI Education https://ai.google/education/ NVIDIA Devblog https://developer.nvidia.com/blog/ Machine learning course by Stanford (Coursera) https://www.coursera.org/learn/machi ne-learning AI Conferences NeurIPS https://nips.cc/ CVF conferences https://openaccess.thecvf.com/menu ICML https://icml.cc/