SlideShare a Scribd company logo
© 2019 Tryolabs
An Introduction to Machine
Learning and How to Teach
Machines to See
Facundo Parodi
Tryolabs
May 2019
© 2019 Tryolabs
Who are we?
2
© 2019 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
© 2019 Tryolabs
What is a Cat?
© 2019 Tryolabs
What is a Cat?
5
© 2019 Tryolabs
What is a Cat?
Occlusion Diversity Deformation Lighting variations
6
© 2019 Tryolabs
Introduction to
Machine Learning
© 2019 Tryolabs
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)
Introduction to Machine Learning
Using data for answering questions
Training Predicting
8
© 2019 Tryolabs
The Big Data Era
Introduction to Machine Learning
Data already available
everywhere
Low storage costs:
everyone has several
GBs for “free”
Hardware more
powerful and cheaper
than ever before
Everyone has a
computer fully packed
with sensors:
• GPS
• Cameras
• Microphones
Permanently connected
to Internet
Cloud Computing:
• Online storage
• Infrastructure as a
Service
User applications:
• YouTube
• Gmail
• Facebook
• Twitter
Data Devices Services
9
© 2019 Tryolabs
Types of Machine Learning Problems
Introduction to Machine Learning
Supervised
Unsupervised
Reinforcement
10
© 2019 Tryolabs
Types of Machine Learning Problems
Introduction to Machine Learning
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.
11
© 2019 Tryolabs
Types of Machine Learning Problems
Introduction to Machine Learning
Supervised
Unsupervised
Reinforcement
Output is a discrete
variable (e.g., cat/dog)
Classification
Regression
Output is continuous
(e.g., price, temperature)
12
© 2019 Tryolabs
Unsupervised
Types of Machine Learning Problems
Introduction to Machine Learning
Supervised
Reinforcement
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.
13
© 2019 Tryolabs
Unsupervised
Types of Machine Learning Problems
Introduction to Machine Learning
Supervised
Reinforcement
Useful for learning structure in the data (clustering),
hidden correlations, reduce dimensionality, etc.
14
© 2019 Tryolabs
Unsupervised
Reinforcement
Types of Machine Learning Problems
Introduction to Machine Learning
Supervised An agent interacts with an environment and watches
the result of the interaction.
Environment gives feedback via a positive or
negative reward signal.
15
© 2019 Tryolabs
Steps to Solve a Machine Learning Problem
Introduction to Machine Learning
Data
Gathering
Collect data from
various sources
Data
Preprocessing
Clean data to have
homogeneity
Feature
Engineering
Selecting the right
machine learning model
Making your data
more useful
Algorithm Selection
& Training
Making
Predictions
Evaluate the
model
16
© 2019 Tryolabs
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
Introduction to Machine Learning
17
© 2019 Tryolabs
Data Preprocessing
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 of one class
than the rest?
Need to fix/remove data?
Introduction to Machine Learning
18
© 2019 Tryolabs
Introduction to Machine Learning
Feature Engineering
What is a feature?
A feature is an individual measurable
property of a phenomenon being observed
Our inputs are represented by a set of features.
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
Buy ch34p drugs
from the ph4rm4cy
now :) :) :)
(2, 0, 3)
Feature
engineering
19
© 2019 Tryolabs
Introduction to Machine Learning
Feature Engineering
Extract more information from existing data, not adding “new” data per-se
• 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, etc.)
20
© 2019 Tryolabs
Introduction to Machine Learning
Algorithm Selection & Training
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
21
© 2019 Tryolabs
Goal of training: making the correct prediction as often as possible
• Incremental improvement:
• Use of metrics for evaluating performance and comparing solutions
• Hyperparameter tuning: more an art than a science
Introduction to Machine Learning
Algorithm Selection & Training
Predict Adjust
22
© 2019 Tryolabs
Introduction to Machine Learning
Making Predictions
Feature
extraction
Machine
Learning
model
Samples
Labels
Features
Feature
extraction
Input Features Trained
classifier
Label
Training Phase
Prediction Phase
23
© 2019 Tryolabs
Summary
• 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
• 5 steps to every machine learning solution:
1. Data Gathering
2. Data Preprocessing
3. Feature Engineering
4. Algorithm Selection & Training
5. Making Predictions
Introduction to Machine Learning
24
© 2019 Tryolabs
Deep Learning
“Any sufficiently advanced technology is
indistinguishable from magic.” (Arthur C. Clarke)
© 2019 Tryolabs
Artificial Neural Networks
Deep Learning
Perceptron (Rosenblatt, 1957)
• First model of artificial neural networks proposed in 1943
• Analogy to the human brain greatly exaggerated
• Given some inputs (𝑥), the network calculates some outputs (𝑦),
using a set of weights (𝑤)
Two-layer Fully Connected Neural Network
26
© 2019 Tryolabs
Loss function
Deep Learning
• 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
27
© 2019 Tryolabs
The Rise, Fall, Rise, Fall and Rise of Neural Networks
Deep Learning
• Perceptron gained popularity in the 60s
• Belief that would lead to true AI
• 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
28
© 2019 Tryolabs
The Rise, Fall, Rise, Fall and Rise of Neural Networks
Deep Learning
• 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
29
© 2019 Tryolabs
Image Classification with
Deep Neural Networks
© 2019 Tryolabs
Digital Representation of Images
Image Classification with Deep Neural Networks
=
31
© 2019 Tryolabs
The Convolution Operator
Image Classification with Deep Neural Networks
⊙ =
∑
Kernel
OutputInput
32
© 2019 Tryolabs
The Convolution Operator
Image Classification with Deep Neural Networks
Kernel
⊙ =
∑
OutputInput
33
© 2019 Tryolabs
The Convolution Operator
Image Classification with Deep Neural Networks
Kernel
Output
⊙ =
∑
Input
34
© 2019 Tryolabs
The Convolution Operator
Image Classification with Deep Neural Networks
Kernel
OutputInput
⊙ =
∑
35
© 2019 Tryolabs
The Convolution Operation
Image Classification with Deep Neural Networks
Kernel
Feature MapInput
36
© 2019 Tryolabs
The Convolution Operation
Image Classification with Deep Neural Networks
37
© 2019 Tryolabs
The Convolution Operation
• Takes spatial dependencies into account
• Used as a feature extraction tool
• Differentiable operation ➔ the kernels can be learned
Image Classification with Deep Neural Networks
Feature
extraction
Input Features Trained
classifier
Output
Input Trained
classifier
Output
Deep Learning
Traditional ML
38
© 2019 Tryolabs
Non-linear Activation Functions
Increment the network’s capacity
▪ Convolution, matrix multiplication and summation are linear
Image Classification with Deep Neural Networks
Sigmoid
𝑓 𝑥 =
1
1 + 𝑒−𝑥
ReLU
𝑓 𝑥 = max(0, 𝑥)
Hyperbolic tangent
𝑡𝑎𝑛ℎ 𝑥 =
𝑒2𝑥−1
𝑒2𝑥+1
39
© 2019 Tryolabs
Non-linear Activation Functions
Image Classification with Deep Neural Networks
ReLU
40
© 2019 Tryolabs
The Pooling Operation
• Used to reduce dimensionality
• Most common: Max pooling
• Makes the network invariant to small transformations,
distortions and translations.
Image Classification with Deep Neural Networks
12 20 30 0
8 12 2 0
34 70 37 4
112 100 25 12
20 30
112 37
2x2 Max Pooling
41
© 2019 Tryolabs
Putting all together
Image Classification with Deep Neural Networks
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
42
© 2019 Tryolabs
Training Convolutional Neural Networks
Image classification is a supervised problem
• Gather images and label them with desired output
• Train the network with backpropagation!
Image Classification with Deep Neural Networks
Label: Cat
Convolutional
Network
Loss
Function
Prediction: Dog
43
© 2019 Tryolabs
Training Convolutional Neural Networks
Image classification is a supervised problem
• Gather images and label them with desired output
• Train the network with backpropagation!
Image Classification with Deep Neural Networks
Label: Cat
Convolutional
Network
Loss
Function
Prediction: Cat
44
© 2019 Tryolabs
Surpassing Human Performance
Image Classification with Deep Neural Networks
45
© 2019 Tryolabs
Deep Learning in the Wild
46
© 2019 Tryolabs
Deep Learning is Here to Stay
Data Architectures Frameworks Power Players
47
© 2019 Tryolabs
Conclusions
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 be
48
© 2019 Tryolabs
Resource
Our work
Tryolabs Blog
https://www.tryolabs.com/blog
Luminoth (Computer Vision Toolkit)
https://www.luminoth.ai
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/
49
© 2019 Tryolabs
Thank you!

More Related Content

What's hot

Machine learning basics
Machine learning basics Machine learning basics
Machine learning basics
Akanksha Bali
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
KmPooja4
 
Machine learning overview
Machine learning overviewMachine learning overview
Machine learning overview
prih_yah
 
Supervised Machine Learning Techniques
Supervised Machine Learning TechniquesSupervised Machine Learning Techniques
Supervised Machine Learning Techniques
Tara ram Goyal
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Rahul Kumar
 
Intro to Machine Learning & AI
Intro to Machine Learning & AIIntro to Machine Learning & AI
Intro to Machine Learning & AI
Mostafa Elsheikh
 
Machine learning
Machine learningMachine learning
Machine learning
ADARSHMISHRA126
 
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete DeckAI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
SlideTeam
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Eng Teong Cheah
 
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
Sujit Pal
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Shahar Cohen
 
Deep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlowDeep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlow
Oswald Campesato
 
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Simplilearn
 
Data preprocessing in Machine learning
Data preprocessing in Machine learning Data preprocessing in Machine learning
Data preprocessing in Machine learning
pyingkodi maran
 
Interpretable Machine Learning
Interpretable Machine LearningInterpretable Machine Learning
Interpretable Machine Learning
Sri Ambati
 
Machine learning ppt
Machine learning ppt Machine learning ppt
Machine learning ppt
Poojamanic
 
Data Quality for Machine Learning Tasks
Data Quality for Machine Learning TasksData Quality for Machine Learning Tasks
Data Quality for Machine Learning Tasks
Hima Patel
 
Machine Learning presentation.
Machine Learning presentation.Machine Learning presentation.
Machine Learning presentation.butest
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Kumar P
 

What's hot (20)

Machine learning basics
Machine learning basics Machine learning basics
Machine learning basics
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Machine learning overview
Machine learning overviewMachine learning overview
Machine learning overview
 
Supervised Machine Learning Techniques
Supervised Machine Learning TechniquesSupervised Machine Learning Techniques
Supervised Machine Learning Techniques
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Intro to Machine Learning & AI
Intro to Machine Learning & AIIntro to Machine Learning & AI
Intro to Machine Learning & AI
 
Machine learning
Machine learningMachine learning
Machine learning
 
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete DeckAI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to 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
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Deep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlowDeep Learning, Keras, and TensorFlow
Deep Learning, Keras, and TensorFlow
 
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
 
Data preprocessing in Machine learning
Data preprocessing in Machine learning Data preprocessing in Machine learning
Data preprocessing in Machine learning
 
Interpretable Machine Learning
Interpretable Machine LearningInterpretable Machine Learning
Interpretable Machine Learning
 
Machine learning ppt
Machine learning ppt Machine learning ppt
Machine learning ppt
 
Data Quality for Machine Learning Tasks
Data Quality for Machine Learning TasksData Quality for Machine Learning Tasks
Data Quality for Machine Learning Tasks
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Machine Learning presentation.
Machine Learning presentation.Machine Learning presentation.
Machine Learning presentation.
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 

Similar to "An Introduction to Machine Learning and How to Teach Machines to See," a Presentation from Tryolabs

“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
Edge AI and Vision Alliance
 
Machine Learning in NutShell
Machine Learning in NutShellMachine Learning in NutShell
Machine Learning in NutShell
Ashwin Shiv
 
Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)
Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)
Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)
Data Driven Innovation
 
Machine learning
 Machine learning Machine learning
Machine learning
Siddharth Kar
 
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
Mathieu 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 Paulo
OCTO Technology
 
Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial Intelligence
Zavain Dar
 
MCPL2013 - Social network analyses in organizations: challenges and approache...
MCPL2013 - Social network analyses in organizations: challenges and approache...MCPL2013 - Social network analyses in organizations: challenges and approache...
MCPL2013 - Social network analyses in organizations: challenges and approache...Vagner Santana
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Yogesh Sharma
 
Vertex Perspectives | Artificial Intelligence
Vertex Perspectives | Artificial IntelligenceVertex Perspectives | Artificial Intelligence
Vertex Perspectives | Artificial Intelligence
Vertex Holdings
 
Vertex perspectives artificial intelligence
Vertex perspectives   artificial intelligenceVertex perspectives   artificial intelligence
Vertex perspectives artificial intelligence
Yanai Oron
 
ML basics.pptx
ML basics.pptxML basics.pptx
ML basics.pptx
PriyadharshiniG41
 
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET Journal
 
Azure Machine Learning tutorial
Azure Machine Learning tutorialAzure Machine Learning tutorial
Azure Machine Learning tutorial
Giacomo Lanciano
 
chalenges and apportunity of deep learning for big data analysis f
 chalenges and apportunity of deep learning for big data analysis f chalenges and apportunity of deep learning for big data analysis f
chalenges and apportunity of deep learning for big data analysis f
maru kindeneh
 
Test-Driven Machine Learning
Test-Driven Machine LearningTest-Driven Machine Learning
Test-Driven Machine Learning
C4Media
 
Machine Learning: Need of Machine Learning, Its Challenges and its Applications
Machine Learning: Need of Machine Learning, Its Challenges and its ApplicationsMachine Learning: Need of Machine Learning, Its Challenges and its Applications
Machine Learning: Need of Machine Learning, Its Challenges and its Applications
Arpana Awasthi
 
Rise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetupRise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetup
Shlomo Yona
 
2019 4-nn-and-dl-tao wang@unc-v2
2019 4-nn-and-dl-tao wang@unc-v22019 4-nn-and-dl-tao wang@unc-v2
2019 4-nn-and-dl-tao wang@unc-v2
Tao Wang
 
Introduction to Machine Learning.pptx
Introduction to Machine Learning.pptxIntroduction to Machine Learning.pptx
Introduction to Machine Learning.pptx
Dr. Amanpreet Kaur
 

Similar to "An Introduction to Machine Learning and How to Teach Machines to See," a Presentation from Tryolabs (20)

“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
 
Machine Learning in NutShell
Machine Learning in NutShellMachine Learning in NutShell
Machine Learning in NutShell
 
Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)
Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)
Developing Game-Changing Embedded Intelligence (Francesca Perino, MathWorks)
 
Machine learning
 Machine learning Machine learning
Machine learning
 
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
 
Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial Intelligence
 
MCPL2013 - Social network analyses in organizations: challenges and approache...
MCPL2013 - Social network analyses in organizations: challenges and approache...MCPL2013 - Social network analyses in organizations: challenges and approache...
MCPL2013 - Social network analyses in organizations: challenges and approache...
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Vertex Perspectives | Artificial Intelligence
Vertex Perspectives | Artificial IntelligenceVertex Perspectives | Artificial Intelligence
Vertex Perspectives | Artificial Intelligence
 
Vertex perspectives artificial intelligence
Vertex perspectives   artificial intelligenceVertex perspectives   artificial intelligence
Vertex perspectives artificial intelligence
 
ML basics.pptx
ML basics.pptxML basics.pptx
ML basics.pptx
 
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
 
Azure Machine Learning tutorial
Azure Machine Learning tutorialAzure Machine Learning tutorial
Azure Machine Learning tutorial
 
chalenges and apportunity of deep learning for big data analysis f
 chalenges and apportunity of deep learning for big data analysis f chalenges and apportunity of deep learning for big data analysis f
chalenges and apportunity of deep learning for big data analysis f
 
Test-Driven Machine Learning
Test-Driven Machine LearningTest-Driven Machine Learning
Test-Driven Machine Learning
 
Machine Learning: Need of Machine Learning, Its Challenges and its Applications
Machine Learning: Need of Machine Learning, Its Challenges and its ApplicationsMachine Learning: Need of Machine Learning, Its Challenges and its Applications
Machine Learning: Need of Machine Learning, Its Challenges and its Applications
 
Rise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetupRise of the machines -- Owasp israel -- June 2014 meetup
Rise of the machines -- Owasp israel -- June 2014 meetup
 
2019 4-nn-and-dl-tao wang@unc-v2
2019 4-nn-and-dl-tao wang@unc-v22019 4-nn-and-dl-tao wang@unc-v2
2019 4-nn-and-dl-tao wang@unc-v2
 
Introduction to Machine Learning.pptx
Introduction to Machine Learning.pptxIntroduction to Machine Learning.pptx
Introduction to Machine Learning.pptx
 

More from Edge AI and Vision Alliance

“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
Edge AI and Vision Alliance
 
"OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a...
"OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a..."OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a...
"OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a...
Edge AI and Vision Alliance
 
“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...
“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...
“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...
Edge AI and Vision Alliance
 
“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...
“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...
“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...
Edge AI and Vision Alliance
 
“What’s Next in On-device Generative AI,” a Presentation from Qualcomm
“What’s Next in On-device Generative AI,” a Presentation from Qualcomm“What’s Next in On-device Generative AI,” a Presentation from Qualcomm
“What’s Next in On-device Generative AI,” a Presentation from Qualcomm
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 TechInsights
Edge 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
 

More from Edge AI and Vision Alliance (20)

“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
 
"OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a...
"OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a..."OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a...
"OpenCV for High-performance, Low-power Vision Applications on Snapdragon," a...
 
“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...
“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...
“Deploying Large Models on the Edge: Success Stories and Challenges,” a Prese...
 
“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...
“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...
“Scaling Vision-based Edge AI Solutions: From Prototype to Global Deployment,...
 
“What’s Next in On-device Generative AI,” a Presentation from Qualcomm
“What’s Next in On-device Generative AI,” a Presentation from Qualcomm“What’s Next in On-device Generative AI,” a Presentation from Qualcomm
“What’s Next in On-device Generative AI,” a Presentation from Qualcomm
 
“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...
 

Recently uploaded

FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance
 
Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?
Nexer Digital
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
Adtran
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
Safe Software
 
Elevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object CalisthenicsElevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object Calisthenics
Dorra BARTAGUIZ
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
James Anderson
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
UiPathCommunity
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
SOFTTECHHUB
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
DanBrown980551
 
Enhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZEnhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZ
Globus
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
Laura Byrne
 
Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
KatiaHIMEUR1
 
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdfSmart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
91mobiles
 
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
zkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex Proofs
zkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex ProofszkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex Proofs
zkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex Proofs
Alex Pruden
 
A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...
sonjaschweigert1
 
By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024
Pierluigi Pugliese
 
Video Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the FutureVideo Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the Future
Alpen-Adria-Universität
 
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 previewState of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
Prayukth K V
 

Recently uploaded (20)

FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
 
Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
 
Elevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object CalisthenicsElevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object Calisthenics
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
 
Enhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZEnhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZ
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
 
Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
 
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdfSmart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
 
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
zkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex Proofs
zkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex ProofszkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex Proofs
zkStudyClub - Reef: Fast Succinct Non-Interactive Zero-Knowledge Regex Proofs
 
A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...
 
By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024
 
Video Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the FutureVideo Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the Future
 
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 previewState of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
 

"An Introduction to Machine Learning and How to Teach Machines to See," a Presentation from Tryolabs

  • 1. © 2019 Tryolabs An Introduction to Machine Learning and How to Teach Machines to See Facundo Parodi Tryolabs May 2019
  • 3. © 2019 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
  • 5. © 2019 Tryolabs What is a Cat? 5
  • 6. © 2019 Tryolabs What is a Cat? Occlusion Diversity Deformation Lighting variations 6
  • 7. © 2019 Tryolabs Introduction to Machine Learning
  • 8. © 2019 Tryolabs 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) Introduction to Machine Learning Using data for answering questions Training Predicting 8
  • 9. © 2019 Tryolabs The Big Data Era Introduction to Machine Learning Data already available everywhere Low storage costs: everyone has several GBs for “free” Hardware more powerful and cheaper than ever before Everyone has a computer fully packed with sensors: • GPS • Cameras • Microphones Permanently connected to Internet Cloud Computing: • Online storage • Infrastructure as a Service User applications: • YouTube • Gmail • Facebook • Twitter Data Devices Services 9
  • 10. © 2019 Tryolabs Types of Machine Learning Problems Introduction to Machine Learning Supervised Unsupervised Reinforcement 10
  • 11. © 2019 Tryolabs Types of Machine Learning Problems Introduction to Machine Learning 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. 11
  • 12. © 2019 Tryolabs Types of Machine Learning Problems Introduction to Machine Learning Supervised Unsupervised Reinforcement Output is a discrete variable (e.g., cat/dog) Classification Regression Output is continuous (e.g., price, temperature) 12
  • 13. © 2019 Tryolabs Unsupervised Types of Machine Learning Problems Introduction to Machine Learning Supervised Reinforcement 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. 13
  • 14. © 2019 Tryolabs Unsupervised Types of Machine Learning Problems Introduction to Machine Learning Supervised Reinforcement Useful for learning structure in the data (clustering), hidden correlations, reduce dimensionality, etc. 14
  • 15. © 2019 Tryolabs Unsupervised Reinforcement Types of Machine Learning Problems Introduction to Machine Learning Supervised An agent interacts with an environment and watches the result of the interaction. Environment gives feedback via a positive or negative reward signal. 15
  • 16. © 2019 Tryolabs Steps to Solve a Machine Learning Problem Introduction to Machine Learning Data Gathering Collect data from various sources Data Preprocessing Clean data to have homogeneity Feature Engineering Selecting the right machine learning model Making your data more useful Algorithm Selection & Training Making Predictions Evaluate the model 16
  • 17. © 2019 Tryolabs 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 Introduction to Machine Learning 17
  • 18. © 2019 Tryolabs Data Preprocessing 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 of one class than the rest? Need to fix/remove data? Introduction to Machine Learning 18
  • 19. © 2019 Tryolabs Introduction to Machine Learning Feature Engineering What is a feature? A feature is an individual measurable property of a phenomenon being observed Our inputs are represented by a set of features. 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 Buy ch34p drugs from the ph4rm4cy now :) :) :) (2, 0, 3) Feature engineering 19
  • 20. © 2019 Tryolabs Introduction to Machine Learning Feature Engineering Extract more information from existing data, not adding “new” data per-se • 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, etc.) 20
  • 21. © 2019 Tryolabs Introduction to Machine Learning Algorithm Selection & Training 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 21
  • 22. © 2019 Tryolabs Goal of training: making the correct prediction as often as possible • Incremental improvement: • Use of metrics for evaluating performance and comparing solutions • Hyperparameter tuning: more an art than a science Introduction to Machine Learning Algorithm Selection & Training Predict Adjust 22
  • 23. © 2019 Tryolabs Introduction to Machine Learning Making Predictions Feature extraction Machine Learning model Samples Labels Features Feature extraction Input Features Trained classifier Label Training Phase Prediction Phase 23
  • 24. © 2019 Tryolabs Summary • 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 • 5 steps to every machine learning solution: 1. Data Gathering 2. Data Preprocessing 3. Feature Engineering 4. Algorithm Selection & Training 5. Making Predictions Introduction to Machine Learning 24
  • 25. © 2019 Tryolabs Deep Learning “Any sufficiently advanced technology is indistinguishable from magic.” (Arthur C. Clarke)
  • 26. © 2019 Tryolabs Artificial Neural Networks Deep Learning Perceptron (Rosenblatt, 1957) • First model of artificial neural networks proposed in 1943 • Analogy to the human brain greatly exaggerated • Given some inputs (𝑥), the network calculates some outputs (𝑦), using a set of weights (𝑤) Two-layer Fully Connected Neural Network 26
  • 27. © 2019 Tryolabs Loss function Deep Learning • 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 27
  • 28. © 2019 Tryolabs The Rise, Fall, Rise, Fall and Rise of Neural Networks Deep Learning • Perceptron gained popularity in the 60s • Belief that would lead to true AI • 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 28
  • 29. © 2019 Tryolabs The Rise, Fall, Rise, Fall and Rise of Neural Networks Deep Learning • 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 29
  • 30. © 2019 Tryolabs Image Classification with Deep Neural Networks
  • 31. © 2019 Tryolabs Digital Representation of Images Image Classification with Deep Neural Networks = 31
  • 32. © 2019 Tryolabs The Convolution Operator Image Classification with Deep Neural Networks ⊙ = ∑ Kernel OutputInput 32
  • 33. © 2019 Tryolabs The Convolution Operator Image Classification with Deep Neural Networks Kernel ⊙ = ∑ OutputInput 33
  • 34. © 2019 Tryolabs The Convolution Operator Image Classification with Deep Neural Networks Kernel Output ⊙ = ∑ Input 34
  • 35. © 2019 Tryolabs The Convolution Operator Image Classification with Deep Neural Networks Kernel OutputInput ⊙ = ∑ 35
  • 36. © 2019 Tryolabs The Convolution Operation Image Classification with Deep Neural Networks Kernel Feature MapInput 36
  • 37. © 2019 Tryolabs The Convolution Operation Image Classification with Deep Neural Networks 37
  • 38. © 2019 Tryolabs The Convolution Operation • Takes spatial dependencies into account • Used as a feature extraction tool • Differentiable operation ➔ the kernels can be learned Image Classification with Deep Neural Networks Feature extraction Input Features Trained classifier Output Input Trained classifier Output Deep Learning Traditional ML 38
  • 39. © 2019 Tryolabs Non-linear Activation Functions Increment the network’s capacity ▪ Convolution, matrix multiplication and summation are linear Image Classification with Deep Neural Networks Sigmoid 𝑓 𝑥 = 1 1 + 𝑒−𝑥 ReLU 𝑓 𝑥 = max(0, 𝑥) Hyperbolic tangent 𝑡𝑎𝑛ℎ 𝑥 = 𝑒2𝑥−1 𝑒2𝑥+1 39
  • 40. © 2019 Tryolabs Non-linear Activation Functions Image Classification with Deep Neural Networks ReLU 40
  • 41. © 2019 Tryolabs The Pooling Operation • Used to reduce dimensionality • Most common: Max pooling • Makes the network invariant to small transformations, distortions and translations. Image Classification with Deep Neural Networks 12 20 30 0 8 12 2 0 34 70 37 4 112 100 25 12 20 30 112 37 2x2 Max Pooling 41
  • 42. © 2019 Tryolabs Putting all together Image Classification with Deep Neural Networks 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 42
  • 43. © 2019 Tryolabs Training Convolutional Neural Networks Image classification is a supervised problem • Gather images and label them with desired output • Train the network with backpropagation! Image Classification with Deep Neural Networks Label: Cat Convolutional Network Loss Function Prediction: Dog 43
  • 44. © 2019 Tryolabs Training Convolutional Neural Networks Image classification is a supervised problem • Gather images and label them with desired output • Train the network with backpropagation! Image Classification with Deep Neural Networks Label: Cat Convolutional Network Loss Function Prediction: Cat 44
  • 45. © 2019 Tryolabs Surpassing Human Performance Image Classification with Deep Neural Networks 45
  • 46. © 2019 Tryolabs Deep Learning in the Wild 46
  • 47. © 2019 Tryolabs Deep Learning is Here to Stay Data Architectures Frameworks Power Players 47
  • 48. © 2019 Tryolabs Conclusions 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 be 48
  • 49. © 2019 Tryolabs Resource Our work Tryolabs Blog https://www.tryolabs.com/blog Luminoth (Computer Vision Toolkit) https://www.luminoth.ai 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/ 49