SlideShare a Scribd company logo
1 of 67
Machine Learning to Deep
Learning: An Introduction
S. I. Krishan
Integrated Knowledge Solutions
www.iksinc.online/home
Agenda
• What is machine learning?
• Machine learning terminology
• Overview of machine learning methods
• Machine learning to deep learning
• Summary and Q & A
iksinc@yahoo.com
What is Machine Learning?
iksinc@yahoo.com
What is Machine
Learning?
• Machine learning deals with making computers learn
to make predictions/decisions without explicitly
programming them. Rather a large number of
examples of the underlying task are shown to
optimize a performance criterion to achieve learning.
iksinc@yahoo.com
Why Machine
Learning?
iksinc@yahoo.com
Buzz about Machine
Learning
"Every company is now a data company,
capable of using machine learning in the cloud
to deploy intelligent apps at scale, thanks to
three machine learning trends: data flywheels,
the algorithm economy, and cloud-hosted
intelligence."
Three factors are making machine learning hot. These are cheap data,
algorithmic economy, and cloud-based solutions.
iksinc@yahoo.com
Data is Getting Cheaper
For example, Tesla has 780 million miles of driving
data, and adds another million every 10 hoursiksinc@yahoo.com
Algorithmic Economy
iksinc@yahoo.com
Algorithm Economy
Players in ML
iksinc@yahoo.com
Cloud-Based
Intelligence
Emerging machine intelligence
platforms hosting pre-trained
machine learning models-as-a-
service are making it easy for
companies to get started with ML,
allowing them to rapidly take their
applications from prototype to
production.
Many open source machine learning and
deep learning frameworks running in the
cloud allow easy leveraging of pre-
trained, hosted models to tag images,
recommend products, and do general
natural language processing tasks.
iksinc@yahoo.com
Apps for Excel
iksinc@yahoo.com
Machine Learning Terminology
iksinc@yahoo.com
Feature Vectors in ML
• A machine learning system builds models using properties of objects being
modeled. These properties are called features or attributes and the process of
measuring/obtaining such properties is called feature extraction. It is common to
represent the properties of objects as feature vectors.
Sepal width
Sepal length
Petal width
Petal length
iksinc@yahoo.com
Learning Styles
• Supervised Learning
– Training data comes with answers, called labels
– The goal is to produce labels for new data
iksinc@yahoo.com
Supervised Learning
Models
• Classification models
– Predict customer
churning
– Tag objects in a given
image
– Determine whether
an incoming email is
spam or not
iksinc@yahoo.com
Supervised Learning
Models
• Regression models
– Predict credit card
balance of customers
– Predict the number
of 'likes' for a posting
– Predict peak load for
a utility given
weather information
iksinc@yahoo.com
Learning Styles
• Unsupervised Learning
– Training data comes without labels
– The goal is to group data into different categories based on similarities
Grouped Data
iksinc@yahoo.com
Unsupervised Learning
Models
• Segment/ cluster
customers into
different groups
• Organize a collection
of documents based
on their content
• Make product
Recommendations
iksinc@yahoo.com
Learning Styles
• Reinforcement Learning
– Training data comes without labels
– The learning system receives feedback from its operating
environment to know how well it is doing
– The goal is to perform better
iksinc@yahoo.com
Reinforcement
Learning
iksinc@yahoo.com
Overview of Machine Learning Methods
iksinc@yahoo.com
Walk Through An Example:
Flower Classification
• Build a classification model
to differentiate between
two classes of flower
iksinc@yahoo.com
How Do We Go
About It?
• Collect a large number of both types of flowers with the help
of an expert
• Measure some attributes that can help differentiate between
the two types of flowers. Let those attributes be petal area
and sepal area.
iksinc@yahoo.com
Scatter plot of 100 examples of flowers
iksinc@yahoo.com
We can separate the flower
types using the linear boundary
shown next. The parameters of
the line represent the learned
classification model.
iksinc@yahoo.com
Another possible boundary. This
boundary cannot be expressed
via an equation. However, a tree
structure can be used to express
this boundary. Note, this
boundary does better prediction
of the collected data
iksinc@yahoo.com
Yet another possible boundary.
This boundary does prediction
without any error. Is this a better
boundary?
iksinc@yahoo.com
Model Complexity
• There are tradeoffs between the complexity of models and
their performance in the field. A good design (model choice)
weighs these tradeoffs.
• A good design should avoid overfitting. How?
– Divide the entire data into three sets
• Training set (about 70% of the total data). Use this set to build the model
• Test set (about 20% of the total data). Use this set to estimate the model
accuracy after deployment
• Validation set (remaining 10% of the total data). Use this set to determine
the appropriate settings for free parameters of the model. May not be
required in some cases.
iksinc@yahoo.com
Measuring Model
Performance
• True Positive: Correctly identified as relevant
• True Negative: Correctly identified as not relevant
• False Positive: Incorrectly labeled as relevant
• False Negative: Incorrectly labeled as not relevant
Image:
True
Positive
True
Negative
Cat vs. No Cat
False
Negative
False
Positive
iksinc@yahoo.com
Precision, Recall, and
Accuracy
• Precision
– Percentage of positive labels that are correct
– Precision = (# true positives) / (# true positives + # false positives)
• Recall
– Percentage of positive examples that are correctly labeled
– Recall = (# true positives) / (# true positives + # false negatives)
• Accuracy
– Percentage of correct labels
– Accuracy = (# true positives + # true negatives) / (# of samples)
iksinc@yahoo.com
Sum-of-Squares Error
for Regression Models
For regression model, the error is measured by taking the square of the
difference between the predicted output value and the target value for each
training (test) example and adding this number over all examples as shown
iksinc@yahoo.com
Bias and Variance
• Bias: expected difference between model’s
prediction and truth
• Variance: how much the model differs among
training sets
• Model Scenarios
– High Bias: Model makes inaccurate predictions on training
data
– High Variance: Model does not generalize to new datasets
– Low Bias: Model makes accurate predictions on training
data
– Low Variance: Model generalizes to new datasets
iksinc@yahoo.com
The Guiding Principle
for Model Selection:
Occam’s Razor
iksinc@yahoo.com
Model Building
Algorithms
• Supervised learning algorithms
– Linear methods
– k-NN classifier
– Neural networks
– Support vector machine
– Decision tree
– Ensemble method
iksinc@yahoo.com
Illustration of k-NN Model
Predicted label of test
example with 1-NN model
: Versicolor
Predicted label of text
example with 3-NN
model: Virginica
Test example
iksinc@yahoo.com
Illustration of Decision
Tree Model
Petal width <= 0.8
Setosa
Yes
Petal length <= 4.75
Versicolor Virginica
Yes No
No
The decision tree is automatically generated by a machine learning algorithm.
iksinc@yahoo.com
Model Building
Algorithms
• Unsupervised learning
– k-means clustering
– Agglomerative clustering
– Self organization feature maps
– Recommendation system
iksinc@yahoo.com
K-means Clustering
K-
“by far th
cluste
nowadays
industri
Choose the number of
clusters, k, and initial
cluster centers
K-means Clustering
K-
“by far th
cluste
nowadays
industri
K-means clusterinK-means clusterinK-means clusterin
Assign data points to
clusters based on
distance to cluster
centers
K-means Clustering
K-
“by far th
cluste
nowadays
industri
K-means clusterinK-means clusterinK-means clusterin
Update cluster centers
and reassign data
points.
Illustration of
Recommendation
System
iksinc@yahoo.com
iksinc@yahoo.com
Machine Learning to Deep Learning
iksinc@yahoo.com
Machine Learning
Limitation
• Machine learning methods operate on manually
designed features.
• The design of such features for tasks involving
computer vision, speech understanding, natural
language processing is extremely difficult. This puts a
limit on the performance of the system.
iksinc@yahoo.com
Feature Extractor
Trainable
Classifier
Processing Sensory Data
is Hard
How do we bridge this gap
between the pixels and
meaning via machine
learning?
Sensory Data Processing
is Challenging
Sensory Data Processing
is Challenging
Sensory Data Processing
is Challenging
End-to-End Learning
Coming up with features is often difficult, time consuming, and requires
expert knowledge.
So why not build integrated learning systems that perform end-to-end
learning, i.e. learn the representation as well as classification from raw
data without any engineered features.
Feature Learner
Trainable
Classifier
An approach performing end-to-end learning, typically performed through
a series of successive abstractions, is in a nutshell deep learning
Deep Learning
• It’s a subfield of machine learning that has shown
remarkable success in dealing with applications
requiring processing of pictures, videos, speech, and
text.
• Deep learning is characterized by:
– Extremely large amount of data for training
– Neural networks with exceedingly large number of layers
– Training time running into weeks in many instances
– End to end learning (No human designed rules/features are
used)
iksinc@yahoo.com
Deep Learning Models
iksinc@yahoo.com
Convolutional Neural Networks
Deep Learning Models
iksinc@yahoo.com
Recurrent Neural Networks
Deep Q Network (DQN)
iksinc@yahoo.com
CNN Application Example:
Object Detection and Labeling
iksinc@yahoo.com
RNN Application
Example
iksinc@yahoo.com
DQN Application
Example
iksinc@yahoo.com
Training Deep Neural
Networks
• The work horse is the backpropagation algorithm based on
chain-rule differentiation
• Training consists of optimizing a suitable loss function using
the stochastic gradient descent (SGD) algorithm to adjust
networks parameters typically running into millions.
iksinc@yahoo.com
Deep Learning Examples:
Automatic Description
Generation of Images
iksinc@yahoo.com
Training Data Examples
Generated Captions
Deep Learning Examples:
Predicting Heart Attacks
iksinc@yahoo.com
iksinc@yahoo.com
Why Deep Learning Now?
iksinc@yahoo.com
Transfer Learning
• Trained models for one task can be used for
another task via transfer learning
– Faster training
– Data needs are low
iksinc@yahoo.com
Learning Bias
iksinc@yahoo.com
There is an urban legend that back in the 90’s, the US government commissioned for a
project to detect tanks in a picture. The researchers built a neural network and used it
classify the images. Once the product was actually put to test, it did not perform at all.
On further inspection they noticed that the model had learnt the weather patterns
instead of the tanks. The trained images with tanks were taken on a cloudy day and
images with no tanks were taken on a sunny day. This is a prime example of how we
need to understand the learning by a neural net.
Learning Bias
iksinc@yahoo.com
Architecture Deficiencies
iksinc@yahoo.com
Summary
• Machine learning and deep learning are growing in their
usage
• Many of the ideas have been around for a long time but are
being put into practice now because of technology progress
• Several open source software resources (R, Rapid Miner, and
Scikit-learn, PyTorch, TensorFlow etc.) to learn via
experimentation
• Applications based on vision, speech, and natural language
processing are excellent candidates for deep learning
• Need to filter hype from reality
iksinc@yahoo.com
https://iksinc.online/home/
iksinc@yahoo.com
iksinc@yahoo.com

More Related Content

What's hot

NDC Oslo : A Practical Introduction to Data Science
NDC Oslo : A Practical Introduction to Data ScienceNDC Oslo : A Practical Introduction to Data Science
NDC Oslo : A Practical Introduction to Data ScienceMark West
 
Barga ACM DEBS 2013 Keynote
Barga ACM DEBS 2013 KeynoteBarga ACM DEBS 2013 Keynote
Barga ACM DEBS 2013 KeynoteRoger Barga
 
Machine learning and big data
Machine learning and big dataMachine learning and big data
Machine learning and big dataPoo Kuan Hoong
 
Data Science - An emerging Stream of Science with its Spreading Reach & Impact
Data Science - An emerging Stream of Science with its Spreading Reach & ImpactData Science - An emerging Stream of Science with its Spreading Reach & Impact
Data Science - An emerging Stream of Science with its Spreading Reach & ImpactDr. Sunil Kr. Pandey
 
International Journal of Artificial Intelligence and Soft Computing (IJAISC)
International Journal of Artificial Intelligence and Soft Computing (IJAISC)International Journal of Artificial Intelligence and Soft Computing (IJAISC)
International Journal of Artificial Intelligence and Soft Computing (IJAISC)MiajackB
 
Begin with Data Scientist
Begin with Data ScientistBegin with Data Scientist
Begin with Data ScientistNarong Intiruk
 
8 minute intro to data science
8 minute intro to data science 8 minute intro to data science
8 minute intro to data science Mahesh Kumar CV
 
Introduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningIntroduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningLars Marius Garshol
 
How to Become a Data Scientist
How to Become a Data ScientistHow to Become a Data Scientist
How to Become a Data Scientistryanorban
 
Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI Webina...
Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI  Webina...Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI  Webina...
Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI Webina...Pistoia Alliance
 
A Practical-ish Introduction to Data Science
A Practical-ish Introduction to Data ScienceA Practical-ish Introduction to Data Science
A Practical-ish Introduction to Data ScienceMark West
 
Data science syllabus
Data science syllabusData science syllabus
Data science syllabusanoop bk
 
Introduction to data science
Introduction to data scienceIntroduction to data science
Introduction to data scienceSampath Kumar
 
1. introduction to data science —
1. introduction to data science —1. introduction to data science —
1. introduction to data science —swethaT16
 
Data science e machine learning
Data science e machine learningData science e machine learning
Data science e machine learningGiuseppe Manco
 
Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?Data Science London
 
Pistoia Alliance Demystifying AI & ML part 2
Pistoia Alliance Demystifying AI & ML part 2Pistoia Alliance Demystifying AI & ML part 2
Pistoia Alliance Demystifying AI & ML part 2Pistoia Alliance
 
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine LearningMakine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine LearningAli Alkan
 

What's hot (20)

NDC Oslo : A Practical Introduction to Data Science
NDC Oslo : A Practical Introduction to Data ScienceNDC Oslo : A Practical Introduction to Data Science
NDC Oslo : A Practical Introduction to Data Science
 
Barga ACM DEBS 2013 Keynote
Barga ACM DEBS 2013 KeynoteBarga ACM DEBS 2013 Keynote
Barga ACM DEBS 2013 Keynote
 
Machine learning and big data
Machine learning and big dataMachine learning and big data
Machine learning and big data
 
Data Science - An emerging Stream of Science with its Spreading Reach & Impact
Data Science - An emerging Stream of Science with its Spreading Reach & ImpactData Science - An emerging Stream of Science with its Spreading Reach & Impact
Data Science - An emerging Stream of Science with its Spreading Reach & Impact
 
International Journal of Artificial Intelligence and Soft Computing (IJAISC)
International Journal of Artificial Intelligence and Soft Computing (IJAISC)International Journal of Artificial Intelligence and Soft Computing (IJAISC)
International Journal of Artificial Intelligence and Soft Computing (IJAISC)
 
Begin with Data Scientist
Begin with Data ScientistBegin with Data Scientist
Begin with Data Scientist
 
Big Data Analytics
Big Data AnalyticsBig Data Analytics
Big Data Analytics
 
8 minute intro to data science
8 minute intro to data science 8 minute intro to data science
8 minute intro to data science
 
Introduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningIntroduction to Big Data/Machine Learning
Introduction to Big Data/Machine Learning
 
How to Become a Data Scientist
How to Become a Data ScientistHow to Become a Data Scientist
How to Become a Data Scientist
 
Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI Webina...
Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI  Webina...Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI  Webina...
Pistoia Alliance Webinar Demystifying AI: Centre of Excellence for AI Webina...
 
A Practical-ish Introduction to Data Science
A Practical-ish Introduction to Data ScienceA Practical-ish Introduction to Data Science
A Practical-ish Introduction to Data Science
 
Data science syllabus
Data science syllabusData science syllabus
Data science syllabus
 
Introduction to data science
Introduction to data scienceIntroduction to data science
Introduction to data science
 
Analytics and Data Mining Industry Overview
Analytics and Data Mining Industry OverviewAnalytics and Data Mining Industry Overview
Analytics and Data Mining Industry Overview
 
1. introduction to data science —
1. introduction to data science —1. introduction to data science —
1. introduction to data science —
 
Data science e machine learning
Data science e machine learningData science e machine learning
Data science e machine learning
 
Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?
 
Pistoia Alliance Demystifying AI & ML part 2
Pistoia Alliance Demystifying AI & ML part 2Pistoia Alliance Demystifying AI & ML part 2
Pistoia Alliance Demystifying AI & ML part 2
 
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine LearningMakine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
 

Similar to Machine Learning 2 deep Learning: An Intro

Machine Learning With ML.NET
Machine Learning With ML.NETMachine Learning With ML.NET
Machine Learning With ML.NETDev Raj Gautam
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...Egyptian Engineers Association
 
Net campus2015 antimomusone
Net campus2015 antimomusoneNet campus2015 antimomusone
Net campus2015 antimomusoneDotNetCampus
 
PREDICT THE FUTURE , MACHINE LEARNING & BIG DATA
PREDICT THE FUTURE , MACHINE LEARNING & BIG DATAPREDICT THE FUTURE , MACHINE LEARNING & BIG DATA
PREDICT THE FUTURE , MACHINE LEARNING & BIG DATADotNetCampus
 
Building High Available and Scalable Machine Learning Applications
Building High Available and Scalable Machine Learning ApplicationsBuilding High Available and Scalable Machine Learning Applications
Building High Available and Scalable Machine Learning ApplicationsYalçın Yenigün
 
Choosing a Machine Learning technique to solve your need
Choosing a Machine Learning technique to solve your needChoosing a Machine Learning technique to solve your need
Choosing a Machine Learning technique to solve your needGibDevs
 
Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)SwatiTripathi44
 
AI-900 - Fundamental Principles of ML.pptx
AI-900 - Fundamental Principles of ML.pptxAI-900 - Fundamental Principles of ML.pptx
AI-900 - Fundamental Principles of ML.pptxkprasad8
 
Intro to Machine Learning by Microsoft Ventures
Intro to Machine Learning by Microsoft VenturesIntro to Machine Learning by Microsoft Ventures
Intro to Machine Learning by Microsoft Venturesmicrosoftventures
 
AI for Software Engineering
AI for Software EngineeringAI for Software Engineering
AI for Software EngineeringMiroslaw Staron
 
Bespoke Data Insights at New Finance
Bespoke Data Insights at New FinanceBespoke Data Insights at New Finance
Bespoke Data Insights at New FinanceKarthik Shashidhar
 
Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015 Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015 antimo musone
 
Barga Data Science lecture 2
Barga Data Science lecture 2Barga Data Science lecture 2
Barga Data Science lecture 2Roger Barga
 
Making Netflix Machine Learning Algorithms Reliable
Making Netflix Machine Learning Algorithms ReliableMaking Netflix Machine Learning Algorithms Reliable
Making Netflix Machine Learning Algorithms ReliableJustin Basilico
 

Similar to Machine Learning 2 deep Learning: An Intro (20)

Ml intro
Ml introMl intro
Ml intro
 
Machine Learning With ML.NET
Machine Learning With ML.NETMachine Learning With ML.NET
Machine Learning With ML.NET
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
 
Net campus2015 antimomusone
Net campus2015 antimomusoneNet campus2015 antimomusone
Net campus2015 antimomusone
 
PREDICT THE FUTURE , MACHINE LEARNING & BIG DATA
PREDICT THE FUTURE , MACHINE LEARNING & BIG DATAPREDICT THE FUTURE , MACHINE LEARNING & BIG DATA
PREDICT THE FUTURE , MACHINE LEARNING & BIG DATA
 
Data Mining 101
Data Mining 101Data Mining 101
Data Mining 101
 
Building High Available and Scalable Machine Learning Applications
Building High Available and Scalable Machine Learning ApplicationsBuilding High Available and Scalable Machine Learning Applications
Building High Available and Scalable Machine Learning Applications
 
Choosing a Machine Learning technique to solve your need
Choosing a Machine Learning technique to solve your needChoosing a Machine Learning technique to solve your need
Choosing a Machine Learning technique to solve your need
 
Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)
 
AI-900 - Fundamental Principles of ML.pptx
AI-900 - Fundamental Principles of ML.pptxAI-900 - Fundamental Principles of ML.pptx
AI-900 - Fundamental Principles of ML.pptx
 
Intro to Machine Learning by Microsoft Ventures
Intro to Machine Learning by Microsoft VenturesIntro to Machine Learning by Microsoft Ventures
Intro to Machine Learning by Microsoft Ventures
 
AI for Software Engineering
AI for Software EngineeringAI for Software Engineering
AI for Software Engineering
 
Bespoke Data Insights at New Finance
Bespoke Data Insights at New FinanceBespoke Data Insights at New Finance
Bespoke Data Insights at New Finance
 
Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015 Azure Machine Learning Dotnet Campus 2015
Azure Machine Learning Dotnet Campus 2015
 
MLIntro_ADA.pptx
MLIntro_ADA.pptxMLIntro_ADA.pptx
MLIntro_ADA.pptx
 
Machine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdfMachine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdf
 
ML_Module_1.pdf
ML_Module_1.pdfML_Module_1.pdf
ML_Module_1.pdf
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Barga Data Science lecture 2
Barga Data Science lecture 2Barga Data Science lecture 2
Barga Data Science lecture 2
 
Making Netflix Machine Learning Algorithms Reliable
Making Netflix Machine Learning Algorithms ReliableMaking Netflix Machine Learning Algorithms Reliable
Making Netflix Machine Learning Algorithms Reliable
 

More from Si Krishan

Bringing AI to Business Intelligence
Bringing AI to Business IntelligenceBringing AI to Business Intelligence
Bringing AI to Business IntelligenceSi Krishan
 
Intro to Excel Basics: Part II
Intro to Excel Basics: Part IIIntro to Excel Basics: Part II
Intro to Excel Basics: Part IISi Krishan
 
Intro to Excel Basics: Part I
Intro to Excel Basics: Part IIntro to Excel Basics: Part I
Intro to Excel Basics: Part ISi Krishan
 
Image Search: Then and Now
Image Search: Then and NowImage Search: Then and Now
Image Search: Then and NowSi Krishan
 
How to Do Research: Seven Steps to Successful Research
How to Do Research: Seven Steps to Successful ResearchHow to Do Research: Seven Steps to Successful Research
How to Do Research: Seven Steps to Successful ResearchSi Krishan
 
Introduction to Data Mining
Introduction to Data MiningIntroduction to Data Mining
Introduction to Data MiningSi Krishan
 
Machine learning and multimedia information retrieval
Machine learning and multimedia information retrievalMachine learning and multimedia information retrieval
Machine learning and multimedia information retrievalSi Krishan
 
Social media in banking
Social media in bankingSocial media in banking
Social media in bankingSi Krishan
 

More from Si Krishan (8)

Bringing AI to Business Intelligence
Bringing AI to Business IntelligenceBringing AI to Business Intelligence
Bringing AI to Business Intelligence
 
Intro to Excel Basics: Part II
Intro to Excel Basics: Part IIIntro to Excel Basics: Part II
Intro to Excel Basics: Part II
 
Intro to Excel Basics: Part I
Intro to Excel Basics: Part IIntro to Excel Basics: Part I
Intro to Excel Basics: Part I
 
Image Search: Then and Now
Image Search: Then and NowImage Search: Then and Now
Image Search: Then and Now
 
How to Do Research: Seven Steps to Successful Research
How to Do Research: Seven Steps to Successful ResearchHow to Do Research: Seven Steps to Successful Research
How to Do Research: Seven Steps to Successful Research
 
Introduction to Data Mining
Introduction to Data MiningIntroduction to Data Mining
Introduction to Data Mining
 
Machine learning and multimedia information retrieval
Machine learning and multimedia information retrievalMachine learning and multimedia information retrieval
Machine learning and multimedia information retrieval
 
Social media in banking
Social media in bankingSocial media in banking
Social media in banking
 

Recently uploaded

VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...Suhani Kapoor
 
Unveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystUnveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystSamantha Rae Coolbeth
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubaihf8803863
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxolyaivanovalion
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptSonatrach
 
VidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxVidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxolyaivanovalion
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFxolyaivanovalion
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998YohFuh
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfRachmat Ramadhan H
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionfulawalesam
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxolyaivanovalion
 
Call Girls In Mahipalpur O9654467111 Escorts Service
Call Girls In Mahipalpur O9654467111  Escorts ServiceCall Girls In Mahipalpur O9654467111  Escorts Service
Call Girls In Mahipalpur O9654467111 Escorts ServiceSapana Sha
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfSocial Samosa
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsappssapnasaifi408
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 
BabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxBabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxolyaivanovalion
 

Recently uploaded (20)

VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
 
Unveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystUnveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data Analyst
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptx
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
 
VidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxVidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptx
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
(PARI) Call Girls Wanowrie ( 7001035870 ) HI-Fi Pune Escorts Service
 
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
Call Girls In Mahipalpur O9654467111 Escorts Service
Call Girls In Mahipalpur O9654467111  Escorts ServiceCall Girls In Mahipalpur O9654467111  Escorts Service
Call Girls In Mahipalpur O9654467111 Escorts Service
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
 
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in  KishangarhDelhi 99530 vip 56974 Genuine Escort Service Call Girls in  Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 
BabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxBabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptx
 

Machine Learning 2 deep Learning: An Intro

  • 1. Machine Learning to Deep Learning: An Introduction S. I. Krishan Integrated Knowledge Solutions www.iksinc.online/home
  • 2. Agenda • What is machine learning? • Machine learning terminology • Overview of machine learning methods • Machine learning to deep learning • Summary and Q & A iksinc@yahoo.com
  • 3. What is Machine Learning? iksinc@yahoo.com
  • 4. What is Machine Learning? • Machine learning deals with making computers learn to make predictions/decisions without explicitly programming them. Rather a large number of examples of the underlying task are shown to optimize a performance criterion to achieve learning. iksinc@yahoo.com
  • 6. Buzz about Machine Learning "Every company is now a data company, capable of using machine learning in the cloud to deploy intelligent apps at scale, thanks to three machine learning trends: data flywheels, the algorithm economy, and cloud-hosted intelligence." Three factors are making machine learning hot. These are cheap data, algorithmic economy, and cloud-based solutions. iksinc@yahoo.com
  • 7. Data is Getting Cheaper For example, Tesla has 780 million miles of driving data, and adds another million every 10 hoursiksinc@yahoo.com
  • 9. Algorithm Economy Players in ML iksinc@yahoo.com
  • 10. Cloud-Based Intelligence Emerging machine intelligence platforms hosting pre-trained machine learning models-as-a- service are making it easy for companies to get started with ML, allowing them to rapidly take their applications from prototype to production. Many open source machine learning and deep learning frameworks running in the cloud allow easy leveraging of pre- trained, hosted models to tag images, recommend products, and do general natural language processing tasks. iksinc@yahoo.com
  • 13. Feature Vectors in ML • A machine learning system builds models using properties of objects being modeled. These properties are called features or attributes and the process of measuring/obtaining such properties is called feature extraction. It is common to represent the properties of objects as feature vectors. Sepal width Sepal length Petal width Petal length iksinc@yahoo.com
  • 14. Learning Styles • Supervised Learning – Training data comes with answers, called labels – The goal is to produce labels for new data iksinc@yahoo.com
  • 15. Supervised Learning Models • Classification models – Predict customer churning – Tag objects in a given image – Determine whether an incoming email is spam or not iksinc@yahoo.com
  • 16. Supervised Learning Models • Regression models – Predict credit card balance of customers – Predict the number of 'likes' for a posting – Predict peak load for a utility given weather information iksinc@yahoo.com
  • 17. Learning Styles • Unsupervised Learning – Training data comes without labels – The goal is to group data into different categories based on similarities Grouped Data iksinc@yahoo.com
  • 18. Unsupervised Learning Models • Segment/ cluster customers into different groups • Organize a collection of documents based on their content • Make product Recommendations iksinc@yahoo.com
  • 19. Learning Styles • Reinforcement Learning – Training data comes without labels – The learning system receives feedback from its operating environment to know how well it is doing – The goal is to perform better iksinc@yahoo.com
  • 21. Overview of Machine Learning Methods iksinc@yahoo.com
  • 22. Walk Through An Example: Flower Classification • Build a classification model to differentiate between two classes of flower iksinc@yahoo.com
  • 23. How Do We Go About It? • Collect a large number of both types of flowers with the help of an expert • Measure some attributes that can help differentiate between the two types of flowers. Let those attributes be petal area and sepal area. iksinc@yahoo.com
  • 24. Scatter plot of 100 examples of flowers iksinc@yahoo.com
  • 25. We can separate the flower types using the linear boundary shown next. The parameters of the line represent the learned classification model. iksinc@yahoo.com
  • 26. Another possible boundary. This boundary cannot be expressed via an equation. However, a tree structure can be used to express this boundary. Note, this boundary does better prediction of the collected data iksinc@yahoo.com
  • 27. Yet another possible boundary. This boundary does prediction without any error. Is this a better boundary? iksinc@yahoo.com
  • 28. Model Complexity • There are tradeoffs between the complexity of models and their performance in the field. A good design (model choice) weighs these tradeoffs. • A good design should avoid overfitting. How? – Divide the entire data into three sets • Training set (about 70% of the total data). Use this set to build the model • Test set (about 20% of the total data). Use this set to estimate the model accuracy after deployment • Validation set (remaining 10% of the total data). Use this set to determine the appropriate settings for free parameters of the model. May not be required in some cases. iksinc@yahoo.com
  • 29. Measuring Model Performance • True Positive: Correctly identified as relevant • True Negative: Correctly identified as not relevant • False Positive: Incorrectly labeled as relevant • False Negative: Incorrectly labeled as not relevant Image: True Positive True Negative Cat vs. No Cat False Negative False Positive iksinc@yahoo.com
  • 30. Precision, Recall, and Accuracy • Precision – Percentage of positive labels that are correct – Precision = (# true positives) / (# true positives + # false positives) • Recall – Percentage of positive examples that are correctly labeled – Recall = (# true positives) / (# true positives + # false negatives) • Accuracy – Percentage of correct labels – Accuracy = (# true positives + # true negatives) / (# of samples) iksinc@yahoo.com
  • 31. Sum-of-Squares Error for Regression Models For regression model, the error is measured by taking the square of the difference between the predicted output value and the target value for each training (test) example and adding this number over all examples as shown iksinc@yahoo.com
  • 32. Bias and Variance • Bias: expected difference between model’s prediction and truth • Variance: how much the model differs among training sets • Model Scenarios – High Bias: Model makes inaccurate predictions on training data – High Variance: Model does not generalize to new datasets – Low Bias: Model makes accurate predictions on training data – Low Variance: Model generalizes to new datasets iksinc@yahoo.com
  • 33. The Guiding Principle for Model Selection: Occam’s Razor iksinc@yahoo.com
  • 34. Model Building Algorithms • Supervised learning algorithms – Linear methods – k-NN classifier – Neural networks – Support vector machine – Decision tree – Ensemble method iksinc@yahoo.com
  • 35. Illustration of k-NN Model Predicted label of test example with 1-NN model : Versicolor Predicted label of text example with 3-NN model: Virginica Test example iksinc@yahoo.com
  • 36. Illustration of Decision Tree Model Petal width <= 0.8 Setosa Yes Petal length <= 4.75 Versicolor Virginica Yes No No The decision tree is automatically generated by a machine learning algorithm. iksinc@yahoo.com
  • 37. Model Building Algorithms • Unsupervised learning – k-means clustering – Agglomerative clustering – Self organization feature maps – Recommendation system iksinc@yahoo.com
  • 38. K-means Clustering K- “by far th cluste nowadays industri Choose the number of clusters, k, and initial cluster centers
  • 39. K-means Clustering K- “by far th cluste nowadays industri K-means clusterinK-means clusterinK-means clusterin Assign data points to clusters based on distance to cluster centers
  • 40. K-means Clustering K- “by far th cluste nowadays industri K-means clusterinK-means clusterinK-means clusterin Update cluster centers and reassign data points.
  • 43. Machine Learning to Deep Learning iksinc@yahoo.com
  • 44. Machine Learning Limitation • Machine learning methods operate on manually designed features. • The design of such features for tasks involving computer vision, speech understanding, natural language processing is extremely difficult. This puts a limit on the performance of the system. iksinc@yahoo.com Feature Extractor Trainable Classifier
  • 45. Processing Sensory Data is Hard How do we bridge this gap between the pixels and meaning via machine learning?
  • 49. End-to-End Learning Coming up with features is often difficult, time consuming, and requires expert knowledge. So why not build integrated learning systems that perform end-to-end learning, i.e. learn the representation as well as classification from raw data without any engineered features. Feature Learner Trainable Classifier An approach performing end-to-end learning, typically performed through a series of successive abstractions, is in a nutshell deep learning
  • 50. Deep Learning • It’s a subfield of machine learning that has shown remarkable success in dealing with applications requiring processing of pictures, videos, speech, and text. • Deep learning is characterized by: – Extremely large amount of data for training – Neural networks with exceedingly large number of layers – Training time running into weeks in many instances – End to end learning (No human designed rules/features are used) iksinc@yahoo.com
  • 53. Deep Q Network (DQN) iksinc@yahoo.com
  • 54. CNN Application Example: Object Detection and Labeling iksinc@yahoo.com
  • 57. Training Deep Neural Networks • The work horse is the backpropagation algorithm based on chain-rule differentiation • Training consists of optimizing a suitable loss function using the stochastic gradient descent (SGD) algorithm to adjust networks parameters typically running into millions. iksinc@yahoo.com
  • 58. Deep Learning Examples: Automatic Description Generation of Images iksinc@yahoo.com Training Data Examples Generated Captions
  • 59. Deep Learning Examples: Predicting Heart Attacks iksinc@yahoo.com
  • 61. Why Deep Learning Now? iksinc@yahoo.com
  • 62. Transfer Learning • Trained models for one task can be used for another task via transfer learning – Faster training – Data needs are low iksinc@yahoo.com
  • 63. Learning Bias iksinc@yahoo.com There is an urban legend that back in the 90’s, the US government commissioned for a project to detect tanks in a picture. The researchers built a neural network and used it classify the images. Once the product was actually put to test, it did not perform at all. On further inspection they noticed that the model had learnt the weather patterns instead of the tanks. The trained images with tanks were taken on a cloudy day and images with no tanks were taken on a sunny day. This is a prime example of how we need to understand the learning by a neural net.
  • 66. Summary • Machine learning and deep learning are growing in their usage • Many of the ideas have been around for a long time but are being put into practice now because of technology progress • Several open source software resources (R, Rapid Miner, and Scikit-learn, PyTorch, TensorFlow etc.) to learn via experimentation • Applications based on vision, speech, and natural language processing are excellent candidates for deep learning • Need to filter hype from reality iksinc@yahoo.com