SlideShare a Scribd company logo
1 of 53
Download to read offline
© 2020 Tryolabs
An Introduction to
Machine Learning:
How to Teach Machines to See
Facundo Parodi
Tryolabs
September 2020
© 2020 Tryolabs
Who are we?
2
© 2020 Tryolabs
Outline
Machine Learning
► Types of Machine Learning Problems
► Steps to solve a Machine Learning Problem
Deep learning
► Artificial Neural Networks
Image Classification
► Convolutional Neural Networks
3
© 2020 Tryolabs
What is a cat?
4
© 2020 Tryolabs
What is a cat?
5
© 2020 Tryolabs
What is a cat?
6
Occlusion Diversity Deformation Lighting
variations
© 2020 Tryolabs
Introduction to
Machine Learning
7
© 2020 Tryolabs
Introduction to Machine Learning
What is Machine Learning?
The subfield of computer science that “gives computers the ability to
learn without being explicitly programmed”.
(Arthur Samuel, 1959)
A computer program is said to learn from experience E with respect
to some class of tasks T and performance measure P if its
performance at tasks in T, as measured by P, improves with
experience E.”
(Tom Mitchell, 1997)
8
Using data for answering questions
Training Predicting
© 2020 Tryolabs
Introduction to Machine Learning
The Big Data era
9
Accessibility Devices Services
Everyone has a
powerful computer
packed with sensors:
► GPS
► Cameras
► Microphones
Permanently
connected to the
Internet
Data already available
everywhere
Low storage costs:
everyone has several
GBs for “free”
Hardware more
powerful and
cheaper than ever
before
Cloud Computing:
► Online storage
► Infrastructure as a
Service
User applications:
► YouTube
► Gmail
► Facebook
► Twitter
© 2020 Tryolabs
Introduction to Machine Learning
Types of Machine Learning problems
10
Supervised
Unsupervised
Reinforcement
© 2020 Tryolabs
Introduction to Machine Learning
Types of Machine Learning problems
11
Supervised
Unsupervised
Reinforcement
Learn through examples of which we know the
desired output (what we want to predict).
Is this a cat or a dog?
Are these emails spam or not?
Predict the market value of houses, given the
square meters, number of rooms,
neighborhood, etc.
© 2020 Tryolabs
Introduction to Machine Learning
Types of Machine Learning problems
12
Output is a discrete
variable (e.g., cat/dog)
Classification
Regression
Output is continuous
(e.g., price, temperature)
Supervised
Unsupervised
Reinforcement
© 2020 Tryolabs
Introduction to Machine Learning
Types of Machine Learning problems
13
There is no desired output. Learn something
about the data. Latent relationships.
I have photos and want to put them in 20
groups.
I want to find anomalies in the credit card
usage patterns of my customers.
Supervised
Unsupervised
Reinforcement
© 2020 Tryolabs
Useful for learning structure in the data
(clustering), hidden correlations, reduce
dimensionality, etc.
Introduction to Machine Learning
Types of Machine Learning problems
14
Supervised
Unsupervised
Reinforcement
© 2020 Tryolabs
An agent interacts with an environment
and watches the result of the interaction.
Environment gives feedback via a positive
or negative reward signal.
Introduction to Machine Learning
Types of Machine Learning problems
15
Supervised
Unsupervised
Reinforcement
© 2020 Tryolabs
Introduction to Machine Learning
Steps to solve a Machine Learning problem
16
Data
Gathering
Collect data
from various
sources
Data
Preprocessing
Clean data to
have
homogeneity
Feature
Engineering
Making your
data more
useful
Selecting the right
machine learning
model
Algorithm Selection
& Training
Making
Predictions
Evaluate the
model
© 2020 Tryolabs
Introduction to Machine Learning
Data gathering
Might depend on human work
► Manual labeling for supervised learning.
► Domain knowledge. Maybe even experts.
May come for free, or “sort of”
► E.g., Machine Translation.
The more the better: Some algorithms need large amounts of data to
be useful (e.g., neural networks).
The quantity and quality of data dictate the model accuracy
17
© 2020 Tryolabs
Introduction to Machine Learning
Data processing
Is there anything wrong with the data?
► Missing values
► Outliers
► Bad encoding (for text)
► Wrongly-labeled examples
► Biased data
Do I have many more samples from one class
than the rest?
Need to fix/remove data?
18
© 2020 Tryolabs
Introduction to Machine Learning
Feature engineering
Our inputs are represented by a set of features.
A feature is an individual measurable property
of a phenomenon being observed
To classify spam email, features could be:
► Number of words that have been ch4ng3d like this.
► Language of the email (0=English, 1=Spanish)
► Number of emojis
19
Buy ch34p drugs
from the ph4rm4cy
now :) :) :)
(2, 0, 3)
Feature
engineering
© 2020 Tryolabs
Introduction to Machine Learning
Feature engineering
Extracts more information from existing data, doesn’t add “new” data
► Making it more useful
► With good features, most algorithms can learn faster
It can be an art
► Requires thought and knowledge of the data
Two steps:
► Variable transformation (e.g., dates into weekdays, normalizing)
► Feature creation (e.g., n-grams for texts, if word is capitalized to detect names)
20
© 2020 Tryolabs
Introduction to Machine Learning
Algorithm selection & Training
21
Supervised
► Linear classifier
► Naive Bayes
► Support Vector Machines (SVM)
► Decision Tree
► Random Forests
► k-Nearest Neighbors
► Neural Networks (Deep learning)
Unsupervised
► PCA
► t-SNE
► k-means
► DBSCAN
Reinforcement
► SARSA–λ
► Q-Learning
© 2020 Tryolabs
Goal of training: make the correct prediction as often as possible
► Incremental improvement:
► Metrics for evaluating performance and comparing solutions.
► Hyperparameter tuning: more an art than a science
Introduction to Machine Learning
Algorithm selection & Training
22
© 2020 Tryolabs
Introduction to Machine Learning
Making predictions
23
Feature
extraction
Machine
Learning
model
Samples
Labels
Features
Feature
extraction
Input Features Trained
classifier
Label
Prediction phase
Training phase
© 2020 Tryolabs
►Machine Learning is intelligent use of data to answer questions
►Enabled by an exponential increase in computing power and data
availability
►Three big types of problems: supervised, unsupervised,
reinforcement
Introduction to Machine Learning
Summary
24
© 2020 Tryolabs
Introduction to Machine Learning
Summary
5 steps to every machine learning solution:
1. Data Gathering
2. Data Preprocessing
3. Feature Engineering
4. Algorithm Selection & Training
5. Making Predictions
25
© 2020 Tryolabs
Deep Learning
“Any sufficiently advanced technology is
indistinguishable from magic.” (Arthur C. Clarke)
© 2020 Tryolabs
Deep Learning
Artificial Neural Networks
27
► First model of artificial neural network proposed in 1943
► Analogy to the human brain greatly exaggerated
► Given some inputs (𝑥), the network calculates some outputs (𝑦)
using a set of weights (𝑤)
Perceptron (Rosenblatt, 1957) Two-layer Fully Connected Neural Network
© 2020 Tryolabs
Deep Learning
Artificial Neural Networks
28
► Weights must be adjusted (learned from the data)
► Idea: define a function that tells us how “close” the network is to
generating the desired output
► Minimize the loss ➔ optimization problem
► With a continuous and differentiable loss
function, we can apply gradient descent
© 2020 Tryolabs
► Perceptron gained popularity in the 60s
► Belief that would lead to true AI
Deep Learning
The rise, fall, rise, fall and rise of Neural Networks
29
► XOR problem and AI Winter (1969 – 1986)
► Backpropagation to the rescue! (1986)
► Training of multilayer neural nets
► LeNet-5 (Yann LeCun et al., 1998)
► Unable to scale. Lack of good data and
processing power
© 2020 Tryolabs
► Regained popularity since ~2006.
► Train each layer at a time
► Rebranded field as Deep Learning
► Old ideas rediscovered
(e.g., Convolution)
► Breakthrough in 2012 with AlexNet
(Krizhevsky et al.)
► Use of GPUs
► Convolution
30
Deep Learning
The rise, fall, rise, fall and rise of Neural Networks
© 2020 Tryolabs
Image classification with
Deep Neural Networks
31
© 2020 Tryolabs 32
Image classification with Deep Neural Networks
The convolution operator
=
© 2020 Tryolabs 33
Image classification with Deep Neural Networks
The convolution operator
⊙ =
Kernel
Output
Input
© 2020 Tryolabs 34
⊙ =
Kernel
Output
Input
Image classification with Deep Neural Networks
The convolution operator
© 2020 Tryolabs 35
⊙ =
Kernel
Output
Input
Image classification with Deep Neural Networks
The convolution operator
© 2020 Tryolabs 36
Kernel
Output
Input
⊙ =
Image classification with Deep Neural Networks
The convolution operator
© 2020 Tryolabs 37
Kernel
Feature Map
Input
Image classification with Deep Neural Networks
The convolution operator
© 2020 Tryolabs 38
Image classification with Deep Neural Networks
The convolution operator
© 2020 Tryolabs 39
► Takes spatial dependencies into account
► Used as a feature extraction tool
► Differentiable operation ➔ the kernels can be learned
Feature
extraction
Input Features Trained
classifier
Output
Input Trained
classifier
Output
Deep Learning
Traditional ML
Image classification with Deep Neural Networks
The convolution operator
© 2020 Tryolabs 40
Image classification with Deep Neural Networks
Non-linear activation functions
Increment the network’s capacity
► Convolution, matrix multiplication and summation are linear
Sigmoid ReLU
Hyperbolic tangent
© 2020 Tryolabs 41
Image classification with Deep Neural Networks
Non-linear activation functions
ReLU
© 2020 Tryolabs 42
Image classification with Deep Neural Networks
The pooling operation
► Used to reduce dimensionality
► Most common: Max pooling
► Makes the network invariant to small transformations,
distortions and translations.
12 20 30 0
8 12 2 0
34 70 37 4
112 100 25 12
20 30
112 37
2x2 Max Pooling
© 2020 Tryolabs 43
Image classification with Deep Neural Networks
Putting all together
Conv Layer
Non-Linear Function
Input
Pooling
Conv Layer
Non-Linear Function
Pooling
Conv Layer
Non-Linear Function
Feature extraction
Flatten
…
Classification
Fully Connected Layers
© 2020 Tryolabs 44
Image classification with Deep Neural Networks
Training Convolutional Neural Networks
Label: Cat
Loss
function
Prediction: Dog
Convolutional
Network
Image classification is a supervised problem
► Gather images and label them with desired output
► Train the network with backpropagation!
© 2020 Tryolabs 45
Image classification with Deep Neural Networks
Training Convolutional Neural Networks
Image classification is a supervised problem
► Gather images and label them with desired output
► Train the network with backpropagation!
Label: Cat
Convolutional
Network
Loss
function
Prediction: Cat
© 2020 Tryolabs 46
Image classification with Deep Neural Networks
Surpassing human performance
© 2020 Tryolabs
Deep Learning in the wild
47
© 2020 Tryolabs
Deep Learning is here to stay
48
Data Architectures Frameworks Power Players
© 2020 Tryolabs
Conclusions
© 2020 Tryolabs
Conclusions
50
Machine learning algorithms learn from data to find hidden relations, to
make predictions, to interact with the world, …
A machine learning algorithm is as good as its input data
Good model + Bad data = Bad Results
Deep learning is making significant breakthroughs in: speech
recognition, language processing, computer vision, control systems, …
If you are not using or considering using Deep Learning to understand
or solve vision problems, you almost certainly should try it
© 2020 Tryolabs
Our work
An Introductory Guide to Computer Vision
https://tryolabs.com/resources/introductory-guide-computer-vision/
Tryolabs Blog
https://www.tryolabs.com/blog
Norfair
https://github.com/tryolabs/norfair
Resource
51
© 2020 Tryolabs
To learn more…
Google Machine Learning Crash Course
https://developers.google.com/machine-learning/crash-course/
Stanford course CS229: Machine Learning
https://developers.google.com/machine-learning/crash-course/
Stanford course CS231n: Convolutional Neural Networks for Visual
Recognition
http://cs231n.stanford.edu/
Resource
52
© 2020 Tryolabs
Thank you!

More Related Content

What's hot

[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程台灣資料科學年會
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningSujit Pal
 
An overview of machine learning
An overview of machine learningAn overview of machine learning
An overview of machine learningdrcfetr
 
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...Edge AI and Vision Alliance
 
Machine learning for_finance
Machine learning for_financeMachine learning for_finance
Machine learning for_financeStefan Duprey
 
Recommendation system using collaborative deep learning
Recommendation system using collaborative deep learningRecommendation system using collaborative deep learning
Recommendation system using collaborative deep learningRitesh Sawant
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learningbutest
 
A Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningA Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningHaptik
 
Introduction to machine learningunsupervised learning
Introduction to machine learningunsupervised learningIntroduction to machine learningunsupervised learning
Introduction to machine learningunsupervised learningSardar Alam
 
Introduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regressionIntroduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regressionGirish Gore
 
Introduction to-machine-learning
Introduction to-machine-learningIntroduction to-machine-learning
Introduction to-machine-learningBabu Priyavrat
 
Advance deep learning
Advance deep learningAdvance deep learning
Advance deep learningaliaKhan71
 
Unsupervised Feature Learning
Unsupervised Feature LearningUnsupervised Feature Learning
Unsupervised Feature LearningAmgad Muhammad
 
Machine learning the next revolution or just another hype
Machine learning   the next revolution or just another hypeMachine learning   the next revolution or just another hype
Machine learning the next revolution or just another hypeJorge Ferrer
 
“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
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachinePulse
 
林守德/Practical Issues in Machine Learning
林守德/Practical Issues in Machine Learning林守德/Practical Issues in Machine Learning
林守德/Practical Issues in Machine Learning台灣資料科學年會
 

What's hot (20)

One shot learning
One shot learningOne shot learning
One shot learning
 
[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程[系列活動] Machine Learning 機器學習課程
[系列活動] Machine Learning 機器學習課程
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep Learning
 
An overview of machine learning
An overview of machine learningAn overview of machine learning
An overview of machine learning
 
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...
“From Inference to Action: AI Beyond Pattern Recognition,” a Keynote Presenta...
 
Machine learning for_finance
Machine learning for_financeMachine learning for_finance
Machine learning for_finance
 
Recommendation system using collaborative deep learning
Recommendation system using collaborative deep learningRecommendation system using collaborative deep learning
Recommendation system using collaborative deep learning
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learning
 
A Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningA Friendly Introduction to Machine Learning
A Friendly Introduction to Machine Learning
 
ML Basics
ML BasicsML Basics
ML Basics
 
Deeplearning in finance
Deeplearning in financeDeeplearning in finance
Deeplearning in finance
 
Introduction to machine learningunsupervised learning
Introduction to machine learningunsupervised learningIntroduction to machine learningunsupervised learning
Introduction to machine learningunsupervised learning
 
Introduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regressionIntroduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regression
 
Introduction to-machine-learning
Introduction to-machine-learningIntroduction to-machine-learning
Introduction to-machine-learning
 
Advance deep learning
Advance deep learningAdvance deep learning
Advance deep learning
 
Unsupervised Feature Learning
Unsupervised Feature LearningUnsupervised Feature Learning
Unsupervised Feature Learning
 
Machine learning the next revolution or just another hype
Machine learning   the next revolution or just another hypeMachine learning   the next revolution or just another hype
Machine learning the next revolution or just another hype
 
“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...
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World Applications
 
林守德/Practical Issues in Machine Learning
林守德/Practical Issues in Machine Learning林守德/Practical Issues in Machine Learning
林守德/Practical Issues in Machine Learning
 

Similar to “Introducing Machine Learning and How to Teach Machines to See,” a Presentation from Tryolabs

Big Data & Machine Learning - TDC2013 São Paulo - 12/0713
Big Data & Machine Learning - TDC2013 São Paulo - 12/0713Big Data & Machine Learning - TDC2013 São Paulo - 12/0713
Big Data & Machine Learning - TDC2013 São Paulo - 12/0713Mathieu DESPRIEE
 
Big Data & Machine Learning - TDC2013 Sao Paulo
Big Data & Machine Learning - TDC2013 Sao PauloBig Data & Machine Learning - TDC2013 Sao Paulo
Big Data & Machine Learning - TDC2013 Sao PauloOCTO Technology
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningKrzysztof Kowalczyk
 
Meetup 29042015
Meetup 29042015Meetup 29042015
Meetup 29042015lbishal
 
Artificial Intelligence - Anna Uni -v1.pdf
Artificial Intelligence - Anna Uni -v1.pdfArtificial Intelligence - Anna Uni -v1.pdf
Artificial Intelligence - Anna Uni -v1.pdfJayanti Prasad Ph.D.
 
Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...
Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...
Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...Ricardo Guerrero Gómez-Olmedo
 
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...AILABS Academy
 
MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀GDSCNiT
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptxArthur240715
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionTe-Yen Liu
 
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...Takayuki Nishio
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisionsDeepu S Nath
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisionsDeepu S Nath
 
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Codemotion
 
Safety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdfSafety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdfPolytechnique Montréal
 

Similar to “Introducing Machine Learning and How to Teach Machines to See,” a Presentation from Tryolabs (20)

Big Data & Machine Learning - TDC2013 São Paulo - 12/0713
Big Data & Machine Learning - TDC2013 São Paulo - 12/0713Big Data & Machine Learning - TDC2013 São Paulo - 12/0713
Big Data & Machine Learning - TDC2013 São Paulo - 12/0713
 
Big Data & Machine Learning - TDC2013 Sao Paulo
Big Data & Machine Learning - TDC2013 Sao PauloBig Data & Machine Learning - TDC2013 Sao Paulo
Big Data & Machine Learning - TDC2013 Sao Paulo
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine Learning
 
Meetup 29042015
Meetup 29042015Meetup 29042015
Meetup 29042015
 
Artificial Intelligence - Anna Uni -v1.pdf
Artificial Intelligence - Anna Uni -v1.pdfArtificial Intelligence - Anna Uni -v1.pdf
Artificial Intelligence - Anna Uni -v1.pdf
 
A leap around AI
A leap around AIA leap around AI
A leap around AI
 
Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...
Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...
Meetup Python Madrid 2018: ¿Segmentación semántica? ¿Pero de qué me estás hab...
 
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
 
ML basics.pptx
ML basics.pptxML basics.pptx
ML basics.pptx
 
MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀
 
LR2. Summary Day 2
LR2. Summary Day 2LR2. Summary Day 2
LR2. Summary Day 2
 
Null
NullNull
Null
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
 
ProjectReport
ProjectReportProjectReport
ProjectReport
 
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
 
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
 
Safety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdfSafety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdf
 

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

Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationSlibray Presentation
 
Artificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning eraArtificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning eraDeakin University
 
SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024Scott Keck-Warren
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsMemoori
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxnull - The Open Security Community
 
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
 
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks..."LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...Fwdays
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 3652toLead Limited
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Mattias Andersson
 
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 convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | DelhiFULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhisoniya singh
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitecturePixlogix Infotech
 
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
 
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
 
Maximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptxMaximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptxOnBoard
 

Recently uploaded (20)

Vulnerability_Management_GRC_by Sohang Sengupta.pptx
Vulnerability_Management_GRC_by Sohang Sengupta.pptxVulnerability_Management_GRC_by Sohang Sengupta.pptx
Vulnerability_Management_GRC_by Sohang Sengupta.pptx
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck Presentation
 
Artificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning eraArtificial intelligence in the post-deep learning era
Artificial intelligence in the post-deep learning era
 
SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial Buildings
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
 
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
 
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks..."LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?
 
The transition to renewables in India.pdf
The transition to renewables in India.pdfThe transition to renewables in India.pdf
The transition to renewables in India.pdf
 
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
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | DelhiFULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC Architecture
 
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
 
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
 
Maximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptxMaximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptx
 

“Introducing Machine Learning and How to Teach Machines to See,” a Presentation from Tryolabs

  • 1. © 2020 Tryolabs An Introduction to Machine Learning: How to Teach Machines to See Facundo Parodi Tryolabs September 2020
  • 3. © 2020 Tryolabs Outline Machine Learning ► Types of Machine Learning Problems ► Steps to solve a Machine Learning Problem Deep learning ► Artificial Neural Networks Image Classification ► Convolutional Neural Networks 3
  • 4. © 2020 Tryolabs What is a cat? 4
  • 5. © 2020 Tryolabs What is a cat? 5
  • 6. © 2020 Tryolabs What is a cat? 6 Occlusion Diversity Deformation Lighting variations
  • 7. © 2020 Tryolabs Introduction to Machine Learning 7
  • 8. © 2020 Tryolabs Introduction to Machine Learning What is Machine Learning? The subfield of computer science that “gives computers the ability to learn without being explicitly programmed”. (Arthur Samuel, 1959) A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P if its performance at tasks in T, as measured by P, improves with experience E.” (Tom Mitchell, 1997) 8 Using data for answering questions Training Predicting
  • 9. © 2020 Tryolabs Introduction to Machine Learning The Big Data era 9 Accessibility Devices Services Everyone has a powerful computer packed with sensors: ► GPS ► Cameras ► Microphones Permanently connected to the Internet Data already available everywhere Low storage costs: everyone has several GBs for “free” Hardware more powerful and cheaper than ever before Cloud Computing: ► Online storage ► Infrastructure as a Service User applications: ► YouTube ► Gmail ► Facebook ► Twitter
  • 10. © 2020 Tryolabs Introduction to Machine Learning Types of Machine Learning problems 10 Supervised Unsupervised Reinforcement
  • 11. © 2020 Tryolabs Introduction to Machine Learning Types of Machine Learning problems 11 Supervised Unsupervised Reinforcement Learn through examples of which we know the desired output (what we want to predict). Is this a cat or a dog? Are these emails spam or not? Predict the market value of houses, given the square meters, number of rooms, neighborhood, etc.
  • 12. © 2020 Tryolabs Introduction to Machine Learning Types of Machine Learning problems 12 Output is a discrete variable (e.g., cat/dog) Classification Regression Output is continuous (e.g., price, temperature) Supervised Unsupervised Reinforcement
  • 13. © 2020 Tryolabs Introduction to Machine Learning Types of Machine Learning problems 13 There is no desired output. Learn something about the data. Latent relationships. I have photos and want to put them in 20 groups. I want to find anomalies in the credit card usage patterns of my customers. Supervised Unsupervised Reinforcement
  • 14. © 2020 Tryolabs Useful for learning structure in the data (clustering), hidden correlations, reduce dimensionality, etc. Introduction to Machine Learning Types of Machine Learning problems 14 Supervised Unsupervised Reinforcement
  • 15. © 2020 Tryolabs An agent interacts with an environment and watches the result of the interaction. Environment gives feedback via a positive or negative reward signal. Introduction to Machine Learning Types of Machine Learning problems 15 Supervised Unsupervised Reinforcement
  • 16. © 2020 Tryolabs Introduction to Machine Learning Steps to solve a Machine Learning problem 16 Data Gathering Collect data from various sources Data Preprocessing Clean data to have homogeneity Feature Engineering Making your data more useful Selecting the right machine learning model Algorithm Selection & Training Making Predictions Evaluate the model
  • 17. © 2020 Tryolabs Introduction to Machine Learning Data gathering Might depend on human work ► Manual labeling for supervised learning. ► Domain knowledge. Maybe even experts. May come for free, or “sort of” ► E.g., Machine Translation. The more the better: Some algorithms need large amounts of data to be useful (e.g., neural networks). The quantity and quality of data dictate the model accuracy 17
  • 18. © 2020 Tryolabs Introduction to Machine Learning Data processing Is there anything wrong with the data? ► Missing values ► Outliers ► Bad encoding (for text) ► Wrongly-labeled examples ► Biased data Do I have many more samples from one class than the rest? Need to fix/remove data? 18
  • 19. © 2020 Tryolabs Introduction to Machine Learning Feature engineering Our inputs are represented by a set of features. A feature is an individual measurable property of a phenomenon being observed To classify spam email, features could be: ► Number of words that have been ch4ng3d like this. ► Language of the email (0=English, 1=Spanish) ► Number of emojis 19 Buy ch34p drugs from the ph4rm4cy now :) :) :) (2, 0, 3) Feature engineering
  • 20. © 2020 Tryolabs Introduction to Machine Learning Feature engineering Extracts more information from existing data, doesn’t add “new” data ► Making it more useful ► With good features, most algorithms can learn faster It can be an art ► Requires thought and knowledge of the data Two steps: ► Variable transformation (e.g., dates into weekdays, normalizing) ► Feature creation (e.g., n-grams for texts, if word is capitalized to detect names) 20
  • 21. © 2020 Tryolabs Introduction to Machine Learning Algorithm selection & Training 21 Supervised ► Linear classifier ► Naive Bayes ► Support Vector Machines (SVM) ► Decision Tree ► Random Forests ► k-Nearest Neighbors ► Neural Networks (Deep learning) Unsupervised ► PCA ► t-SNE ► k-means ► DBSCAN Reinforcement ► SARSA–λ ► Q-Learning
  • 22. © 2020 Tryolabs Goal of training: make the correct prediction as often as possible ► Incremental improvement: ► Metrics for evaluating performance and comparing solutions. ► Hyperparameter tuning: more an art than a science Introduction to Machine Learning Algorithm selection & Training 22
  • 23. © 2020 Tryolabs Introduction to Machine Learning Making predictions 23 Feature extraction Machine Learning model Samples Labels Features Feature extraction Input Features Trained classifier Label Prediction phase Training phase
  • 24. © 2020 Tryolabs ►Machine Learning is intelligent use of data to answer questions ►Enabled by an exponential increase in computing power and data availability ►Three big types of problems: supervised, unsupervised, reinforcement Introduction to Machine Learning Summary 24
  • 25. © 2020 Tryolabs Introduction to Machine Learning Summary 5 steps to every machine learning solution: 1. Data Gathering 2. Data Preprocessing 3. Feature Engineering 4. Algorithm Selection & Training 5. Making Predictions 25
  • 26. © 2020 Tryolabs Deep Learning “Any sufficiently advanced technology is indistinguishable from magic.” (Arthur C. Clarke)
  • 27. © 2020 Tryolabs Deep Learning Artificial Neural Networks 27 ► First model of artificial neural network proposed in 1943 ► Analogy to the human brain greatly exaggerated ► Given some inputs (𝑥), the network calculates some outputs (𝑦) using a set of weights (𝑤) Perceptron (Rosenblatt, 1957) Two-layer Fully Connected Neural Network
  • 28. © 2020 Tryolabs Deep Learning Artificial Neural Networks 28 ► Weights must be adjusted (learned from the data) ► Idea: define a function that tells us how “close” the network is to generating the desired output ► Minimize the loss ➔ optimization problem ► With a continuous and differentiable loss function, we can apply gradient descent
  • 29. © 2020 Tryolabs ► Perceptron gained popularity in the 60s ► Belief that would lead to true AI Deep Learning The rise, fall, rise, fall and rise of Neural Networks 29 ► XOR problem and AI Winter (1969 – 1986) ► Backpropagation to the rescue! (1986) ► Training of multilayer neural nets ► LeNet-5 (Yann LeCun et al., 1998) ► Unable to scale. Lack of good data and processing power
  • 30. © 2020 Tryolabs ► Regained popularity since ~2006. ► Train each layer at a time ► Rebranded field as Deep Learning ► Old ideas rediscovered (e.g., Convolution) ► Breakthrough in 2012 with AlexNet (Krizhevsky et al.) ► Use of GPUs ► Convolution 30 Deep Learning The rise, fall, rise, fall and rise of Neural Networks
  • 31. © 2020 Tryolabs Image classification with Deep Neural Networks 31
  • 32. © 2020 Tryolabs 32 Image classification with Deep Neural Networks The convolution operator =
  • 33. © 2020 Tryolabs 33 Image classification with Deep Neural Networks The convolution operator ⊙ = Kernel Output Input
  • 34. © 2020 Tryolabs 34 ⊙ = Kernel Output Input Image classification with Deep Neural Networks The convolution operator
  • 35. © 2020 Tryolabs 35 ⊙ = Kernel Output Input Image classification with Deep Neural Networks The convolution operator
  • 36. © 2020 Tryolabs 36 Kernel Output Input ⊙ = Image classification with Deep Neural Networks The convolution operator
  • 37. © 2020 Tryolabs 37 Kernel Feature Map Input Image classification with Deep Neural Networks The convolution operator
  • 38. © 2020 Tryolabs 38 Image classification with Deep Neural Networks The convolution operator
  • 39. © 2020 Tryolabs 39 ► Takes spatial dependencies into account ► Used as a feature extraction tool ► Differentiable operation ➔ the kernels can be learned Feature extraction Input Features Trained classifier Output Input Trained classifier Output Deep Learning Traditional ML Image classification with Deep Neural Networks The convolution operator
  • 40. © 2020 Tryolabs 40 Image classification with Deep Neural Networks Non-linear activation functions Increment the network’s capacity ► Convolution, matrix multiplication and summation are linear Sigmoid ReLU Hyperbolic tangent
  • 41. © 2020 Tryolabs 41 Image classification with Deep Neural Networks Non-linear activation functions ReLU
  • 42. © 2020 Tryolabs 42 Image classification with Deep Neural Networks The pooling operation ► Used to reduce dimensionality ► Most common: Max pooling ► Makes the network invariant to small transformations, distortions and translations. 12 20 30 0 8 12 2 0 34 70 37 4 112 100 25 12 20 30 112 37 2x2 Max Pooling
  • 43. © 2020 Tryolabs 43 Image classification with Deep Neural Networks Putting all together Conv Layer Non-Linear Function Input Pooling Conv Layer Non-Linear Function Pooling Conv Layer Non-Linear Function Feature extraction Flatten … Classification Fully Connected Layers
  • 44. © 2020 Tryolabs 44 Image classification with Deep Neural Networks Training Convolutional Neural Networks Label: Cat Loss function Prediction: Dog Convolutional Network Image classification is a supervised problem ► Gather images and label them with desired output ► Train the network with backpropagation!
  • 45. © 2020 Tryolabs 45 Image classification with Deep Neural Networks Training Convolutional Neural Networks Image classification is a supervised problem ► Gather images and label them with desired output ► Train the network with backpropagation! Label: Cat Convolutional Network Loss function Prediction: Cat
  • 46. © 2020 Tryolabs 46 Image classification with Deep Neural Networks Surpassing human performance
  • 47. © 2020 Tryolabs Deep Learning in the wild 47
  • 48. © 2020 Tryolabs Deep Learning is here to stay 48 Data Architectures Frameworks Power Players
  • 50. © 2020 Tryolabs Conclusions 50 Machine learning algorithms learn from data to find hidden relations, to make predictions, to interact with the world, … A machine learning algorithm is as good as its input data Good model + Bad data = Bad Results Deep learning is making significant breakthroughs in: speech recognition, language processing, computer vision, control systems, … If you are not using or considering using Deep Learning to understand or solve vision problems, you almost certainly should try it
  • 51. © 2020 Tryolabs Our work An Introductory Guide to Computer Vision https://tryolabs.com/resources/introductory-guide-computer-vision/ Tryolabs Blog https://www.tryolabs.com/blog Norfair https://github.com/tryolabs/norfair Resource 51
  • 52. © 2020 Tryolabs To learn more… Google Machine Learning Crash Course https://developers.google.com/machine-learning/crash-course/ Stanford course CS229: Machine Learning https://developers.google.com/machine-learning/crash-course/ Stanford course CS231n: Convolutional Neural Networks for Visual Recognition http://cs231n.stanford.edu/ Resource 52