SlideShare una empresa de Scribd logo
1 de 17
1 
Introduction to Machine Learning 
Kiran Lonikar
2 
What is learning? 
Tom Mitchell: Learning is to improve some performance measure P of executing some 
task T with experience E. 
In plain English: Performing some task better with experience and training… 
Key Elements: 
• Remember or memorize the past experiences E 
• Generalize from the experiences E 
Observe how kids learn to read words: They make mistakes even when reading 
previously known words, then correct themselves. Especially happens when reading 
words with silent letters, and those ending with tion. 
Warning: This is a highly mathematical subject!
3 
What is Machine Learning 
How would you build a computer program which “learns” from experiences? 
Generally a three phase process 
• Express Experience E mathematically: Build a 
set of features related to the experiences (Feature 
Extraction from raw data) 
• Memorize and Generalize: Build a mathematical 
model or set of rules from the experiences (training) 
• Apply the mathematical model to features of the 
future tasks
4 
Machine Learning in Action… 
• Word Lens mobile app 
• OCR in web pages: 
http://newscarousel.herokuapp.com/scribble-js/Scribble.html
5 
Types of ML Systems 
• Supervised Learning 
• Classification 
• Logistic Regression, SVM, NB, Decision Trees, ANN etc. 
• Regression 
• Recommender Systems* 
• User-user/item-item similarity, matrix factorization etc. 
• Unsupervised Learning 
• Clustering 
• K-means, Fuzzy K-Means, Model based (LDA) clustering etc. 
• Dimensionality reduction 
• Principal Component Analysis (PCA) 
• Anomaly Detection
6 
Classification 
Identify speaker’s gender from the voice spectrum 
Amplitude 
Frequency 
• Training: Build a model using data: {(a1, f1, 
g1), (a2, f2, g2), … (am, fm, gm)} 
• Logistic Regression (LR): p(g = F | a, f; θ) 
= hθ(θ0 + θ1a + θ2f) 
• Decision Boundary: p < 0.5, g = M, else F
7 
Logistic Regression 
• If we let 
• y = 1 when g = F, and y = 0 when g = M, and define 
vector x = [a, f] 
• and define a function hθ(x) = sigmoid(θT*x) where 
sigmoid(z) = 1/(1+e-z). It represents probability 
p(y=1|x,θ). 
• Cost J(θ) = -Σ(y*log(h) + (1-y)*log(1-h)) - 
λθTθ over all training examples for some λ. 
• Optimization algorithm (gradient descent): Obtain θ which 
minimizes J(θ). 
• Try to fit model θ to cross validation data, vary λ for 
optimum fitment. 
• Test model θ against test data: hθ(x) ≥ 0.5, predict 
gender = F, otherwise predict gender as M.
8 
Recommender Systems 
• User j specifies ratings for item i: y(i,j) Training Data 
• Guess ratings for other items: The blanks 
Items 
Users 
1 5 
3 
4 
2 
4 
2 
5 
2 
1 
3 
2 
4 
5 
3 
3 
2 
4 
3 
3 
1 
1 
3 
4 
5 
• Collaborative Filtering: k features of each item: 
• Feature vector xi for item i: {xi 
1,xi 
2, … xi 
k} 
• Parameter Vector θj for user j: {θj 
1, θj 
2, … θj 
k} 
• For user j’s estimated rating for item i: (θj)T xi
9 
Recommender Systems 
• Learn xi and θj: 
• Given xi , minimize Σ((θj)T xi - y(i,j))2 for all i where user j 
has rated item i to find optimum θj. 
• Given θj, minimize Σ((θj)T xi - y(i,j))2 for all j where user j 
has rated item i to find optimum xi. 
• Simultaneously: minimize Σ((θj)T xi - y(i,j))2 for all (i,j) 
where user j has rated item i to find optimum θj and xi. 
• Find factors X and ϴ of ratings matrix Y such that Y ≈ X ϴT 
• Other Algorithms: user-user similarity, item-item 
similarity 
• Useful even when users are not humans, for e.g.. 
Wiki documents as users and links as items.
10 
Clustering 
• Example: Top two occurring terms in documents 
• Training set: {x1, x2, x3, … xm}, vector xi 
• No labels (yi) specified 
#Term 2 
#Term 1
11 
Clustering: Applications 
• Computer Science 
• Document Clustering 
• Google news: Organizing similar news from different sources 
• News Categorizing 
• Social networks analysis 
• Features reduction: Speeding up ML pipelines 
• Cluster Centroids as new features 
• Image compression (Reduce number of colors): Pre-processing for faster, memory efficient 
computations 
• Deep Learning: Alternate supervised and unsupervised learning 
• Recommender Systems 
• Physics: 
• Astronomy 
• Particle physics 
• Market segmentation 
• http://en.wikipedia.org/wiki/Cluster_analysis#Applications
12 
K-Means Clustering 
1. Randomly choose initial cluster centroids 
#Term 2 
#Term 1 
2. Assign each training example to a cluster: Pick 
closest centroid 
3. Move centroids: Re-compute centroids as average 
of training points assigned 
4. Repeat 2, 3 for max iterations count or convergence
13 
Popular Machine Learning Tools 
• Apache Mahout: 
• Various Recommender Systems, clustering, and 
classification algorithms 
• Java based, with some algorithms having Hadoop Map- 
Reduce implementations. Recently started spark 
implementations, with a new ML DSL. 
• Stable, widely used in production, community support. 
• R: 
• Popular in statistics world. Has its own language 
• GNU license 
• Spark MLLib, Mlbase(http://www.mlbase.org/) 
• Scala based. Runs on spark (in memory, distributed)
14 
Popular Machine Learning tools 
• Weka: 
• Java based 
• GNU License 
• Vowpal Wabbit: http://hunch.net/~vw/, 
https://github.com/JohnLangford/vowpal_wabbit 
• Google Prediction API 
• http://en.wikipedia.org/wiki/Machine_learning#Soft 
ware
15 
Machine Learning In Action 
• Mobile: 
• Speech Recognition: Google Now, Siri 
• Languages/NLP: Google Translate 
• Vision: face recognition in cameras and online photos, OCR 
• Misc: Handwriting driven Myscript calculator and Stylus 
keyboard 
• Applications 
• OCR of printed documents and handwriting 
• Automatic tagging of photos based on similar faces 
• Biology and Medicine: 
• DNA analysis for likelihood of diseases, personalized drugs 
etc.
16 
Resources 
• Online Courses: 
• Coursera: Machine Learning (Andrew Ng) 
• Coursera: Neural Networks for Machine Learning (Geoffrey 
Hinton) 
• Udacity: Intro to Artificial Intelligence (Peter Norvig, Sebastian 
Thrun) 
• CMU: Introduction to Machine Learning (Alex Smola) 
• Berkely: Scalable Machine Learning (Alex Smola) 
• Books: 
• Pattern Recognition and Machine Learning: Christopher Bishop 
• Machine Learning: Tom Mitchell 
• Mahout In Action 
• Artificial Intelligence: A modern approach (http://aima.cs.berkeley.edu/) 
• Machine Learning in Action
17 
Resources 
• Quora: 
• http://www.quora.com/How-do-you-explain-Machine- 
Learning-and-Data-Mining-to-non-Computer-Science-people 
• http://www.quora.com/Machine-Learning 
• Misc.: 
• http://fastml.com/ 
• http://alex.smola.org/ 
• https://funnel.hasgeek.com/fifthel2014/1132-realizing-large-scale- 
distributed-deep-learning-ne 
• http://spark-summit.org/2014/agenda 
• Tutorial on HMM, Speech Recognition: Rabiner 
• Tesseract OCR library

Más contenido relacionado

La actualidad más candente

Building a Mongo DSL in Scala at Hot Potato
Building a Mongo DSL in Scala at Hot PotatoBuilding a Mongo DSL in Scala at Hot Potato
Building a Mongo DSL in Scala at Hot PotatoMongoDB
 
Overview of Machine Learning and Feature Engineering
Overview of Machine Learning and Feature EngineeringOverview of Machine Learning and Feature Engineering
Overview of Machine Learning and Feature EngineeringTuri, Inc.
 
L5. Data Transformation and Feature Engineering
L5. Data Transformation and Feature EngineeringL5. Data Transformation and Feature Engineering
L5. Data Transformation and Feature EngineeringMachine Learning Valencia
 
Deep learning with TensorFlow
Deep learning with TensorFlowDeep learning with TensorFlow
Deep learning with TensorFlowBarbara Fusinska
 
Foundations: Artificial Neural Networks
Foundations: Artificial Neural NetworksFoundations: Artificial Neural Networks
Foundations: Artificial Neural Networksananth
 
Europython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with PythonEuropython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with PythonJavier Arias Losada
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)Thomas da Silva Paula
 
object oriented programming OOP
object oriented programming OOPobject oriented programming OOP
object oriented programming OOPAnil Pokhrel
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningSujit Pal
 
Deep learning (Machine learning) tutorial for beginners
Deep learning (Machine learning) tutorial for beginnersDeep learning (Machine learning) tutorial for beginners
Deep learning (Machine learning) tutorial for beginnersTerry Taewoong Um
 
Deep Learning in Recommender Systems - RecSys Summer School 2017
Deep Learning in Recommender Systems - RecSys Summer School 2017Deep Learning in Recommender Systems - RecSys Summer School 2017
Deep Learning in Recommender Systems - RecSys Summer School 2017Balázs Hidasi
 
Hadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using HadoopHadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using HadoopYahoo Developer Network
 
Deep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical MethodologyDeep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical MethodologyJason Tsai
 
Introduction To Applied Machine Learning
Introduction To Applied Machine LearningIntroduction To Applied Machine Learning
Introduction To Applied Machine Learningananth
 
Overview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language ProcessingOverview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language Processingananth
 
MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...
MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...
MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...multimediaeval
 
A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...
A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...
A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...Natalia Díaz Rodríguez
 

La actualidad más candente (20)

Building a Mongo DSL in Scala at Hot Potato
Building a Mongo DSL in Scala at Hot PotatoBuilding a Mongo DSL in Scala at Hot Potato
Building a Mongo DSL in Scala at Hot Potato
 
Overview of Machine Learning and Feature Engineering
Overview of Machine Learning and Feature EngineeringOverview of Machine Learning and Feature Engineering
Overview of Machine Learning and Feature Engineering
 
L5. Data Transformation and Feature Engineering
L5. Data Transformation and Feature EngineeringL5. Data Transformation and Feature Engineering
L5. Data Transformation and Feature Engineering
 
Deep learning
Deep learningDeep learning
Deep learning
 
Deep learning with TensorFlow
Deep learning with TensorFlowDeep learning with TensorFlow
Deep learning with TensorFlow
 
Foundations: Artificial Neural Networks
Foundations: Artificial Neural NetworksFoundations: Artificial Neural Networks
Foundations: Artificial Neural Networks
 
Europython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with PythonEuropython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with Python
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)
 
[系列活動] 機器學習速遊
[系列活動] 機器學習速遊[系列活動] 機器學習速遊
[系列活動] 機器學習速遊
 
object oriented programming OOP
object oriented programming OOPobject oriented programming OOP
object oriented programming OOP
 
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
 
Deep learning (Machine learning) tutorial for beginners
Deep learning (Machine learning) tutorial for beginnersDeep learning (Machine learning) tutorial for beginners
Deep learning (Machine learning) tutorial for beginners
 
Deep Learning in Recommender Systems - RecSys Summer School 2017
Deep Learning in Recommender Systems - RecSys Summer School 2017Deep Learning in Recommender Systems - RecSys Summer School 2017
Deep Learning in Recommender Systems - RecSys Summer School 2017
 
Hadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using HadoopHadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using Hadoop
 
Deep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical MethodologyDeep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical Methodology
 
Introduction To Applied Machine Learning
Introduction To Applied Machine LearningIntroduction To Applied Machine Learning
Introduction To Applied Machine Learning
 
Overview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language ProcessingOverview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language Processing
 
MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...
MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...
MediaEval 2017 - Medical Multimedia Task: A Comparison of Deep Learning with ...
 
A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...
A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...
A Folksonomy of styles, aka: other stylists also said and Subjective Influenc...
 
Machine Intelligence at Google Scale: TensorFlow
Machine Intelligence at Google Scale: TensorFlowMachine Intelligence at Google Scale: TensorFlow
Machine Intelligence at Google Scale: TensorFlow
 

Similar a Introduction to machine_learning

ML Basic Concepts.pdf
ML Basic Concepts.pdfML Basic Concepts.pdf
ML Basic Concepts.pdfManishaS49
 
Machine Learning ebook.pdf
Machine Learning ebook.pdfMachine Learning ebook.pdf
Machine Learning ebook.pdfHODIT12
 
1_5_AI_edx_ml_51intro_240204_104838machine learning lecture 1
1_5_AI_edx_ml_51intro_240204_104838machine learning lecture 11_5_AI_edx_ml_51intro_240204_104838machine learning lecture 1
1_5_AI_edx_ml_51intro_240204_104838machine learning lecture 1MostafaHazemMostafaa
 
know Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdfknow Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdfhemangppatel
 
intro to ML by the way m toh phasee movie Punjabi
intro to ML by the way m toh phasee movie Punjabiintro to ML by the way m toh phasee movie Punjabi
intro to ML by the way m toh phasee movie Punjabibotvillain45
 
1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptx1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptxOmer Tariq
 
Lessons Learned from Testing Machine Learning Software
Lessons Learned from Testing Machine Learning SoftwareLessons Learned from Testing Machine Learning Software
Lessons Learned from Testing Machine Learning SoftwareChristian Ramirez
 
[系列活動] 人工智慧與機器學習在推薦系統上的應用
[系列活動] 人工智慧與機器學習在推薦系統上的應用[系列活動] 人工智慧與機器學習在推薦系統上的應用
[系列活動] 人工智慧與機器學習在推薦系統上的應用台灣資料科學年會
 
Artificial intelligence: Simulation of Intelligence
Artificial intelligence: Simulation of IntelligenceArtificial intelligence: Simulation of Intelligence
Artificial intelligence: Simulation of IntelligenceAbhishek Upadhyay
 
Machine learning ppt unit one syllabuspptx
Machine learning ppt unit one syllabuspptxMachine learning ppt unit one syllabuspptx
Machine learning ppt unit one syllabuspptxVenkateswaraBabuRavi
 
Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning ParrotAI
 
Week1- Introduction.pptx
Week1- Introduction.pptxWeek1- Introduction.pptx
Week1- Introduction.pptxfahmi324663
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningSSSSSS354882
 
Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15
Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15
Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15MLconf
 
10 more lessons learned from building Machine Learning systems - MLConf
10 more lessons learned from building Machine Learning systems - MLConf10 more lessons learned from building Machine Learning systems - MLConf
10 more lessons learned from building Machine Learning systems - MLConfXavier Amatriain
 
10 more lessons learned from building Machine Learning systems
10 more lessons learned from building Machine Learning systems10 more lessons learned from building Machine Learning systems
10 more lessons learned from building Machine Learning systemsXavier Amatriain
 

Similar a Introduction to machine_learning (20)

ML Basic Concepts.pdf
ML Basic Concepts.pdfML Basic Concepts.pdf
ML Basic Concepts.pdf
 
Machine Learning ebook.pdf
Machine Learning ebook.pdfMachine Learning ebook.pdf
Machine Learning ebook.pdf
 
1_5_AI_edx_ml_51intro_240204_104838machine learning lecture 1
1_5_AI_edx_ml_51intro_240204_104838machine learning lecture 11_5_AI_edx_ml_51intro_240204_104838machine learning lecture 1
1_5_AI_edx_ml_51intro_240204_104838machine learning lecture 1
 
know Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdfknow Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdf
 
intro to ML by the way m toh phasee movie Punjabi
intro to ML by the way m toh phasee movie Punjabiintro to ML by the way m toh phasee movie Punjabi
intro to ML by the way m toh phasee movie Punjabi
 
1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptx1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptx
 
Lessons Learned from Testing Machine Learning Software
Lessons Learned from Testing Machine Learning SoftwareLessons Learned from Testing Machine Learning Software
Lessons Learned from Testing Machine Learning Software
 
[系列活動] 人工智慧與機器學習在推薦系統上的應用
[系列活動] 人工智慧與機器學習在推薦系統上的應用[系列活動] 人工智慧與機器學習在推薦系統上的應用
[系列活動] 人工智慧與機器學習在推薦系統上的應用
 
Object Recognition
Object RecognitionObject Recognition
Object Recognition
 
Launching into machine learning
Launching into machine learningLaunching into machine learning
Launching into machine learning
 
machine learning
machine learningmachine learning
machine learning
 
Artificial intelligence: Simulation of Intelligence
Artificial intelligence: Simulation of IntelligenceArtificial intelligence: Simulation of Intelligence
Artificial intelligence: Simulation of Intelligence
 
Machine learning ppt unit one syllabuspptx
Machine learning ppt unit one syllabuspptxMachine learning ppt unit one syllabuspptx
Machine learning ppt unit one syllabuspptx
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
 
Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning
 
Week1- Introduction.pptx
Week1- Introduction.pptxWeek1- Introduction.pptx
Week1- Introduction.pptx
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15
Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15
Xavier Amatriain, VP of Engineering, Quora at MLconf SF - 11/13/15
 
10 more lessons learned from building Machine Learning systems - MLConf
10 more lessons learned from building Machine Learning systems - MLConf10 more lessons learned from building Machine Learning systems - MLConf
10 more lessons learned from building Machine Learning systems - MLConf
 
10 more lessons learned from building Machine Learning systems
10 more lessons learned from building Machine Learning systems10 more lessons learned from building Machine Learning systems
10 more lessons learned from building Machine Learning systems
 

Último

Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfLars Albertsson
 
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
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxolyaivanovalion
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfMarinCaroMartnezBerg
 
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service AmravatiVIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service AmravatiSuhani Kapoor
 
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
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxMohammedJunaid861692
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service BhilaiLow Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service BhilaiSuhani Kapoor
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一ffjhghh
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxolyaivanovalion
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023ymrp368
 
(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
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxJohnnyPlasten
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Delhi Call girls
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxolyaivanovalion
 

Último (20)

Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
 
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
 
Sampling (random) method and Non random.ppt
Sampling (random) method and Non random.pptSampling (random) method and Non random.ppt
Sampling (random) method and Non random.ppt
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptx
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service AmravatiVIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
 
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
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service BhilaiLow Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
Low Rate Call Girls Bhilai Anika 8250192130 Independent Escort Service Bhilai
 
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一定制英国白金汉大学毕业证(UCB毕业证书)																			成绩单原版一比一
定制英国白金汉大学毕业证(UCB毕业证书) 成绩单原版一比一
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023
 
(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
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
꧁❤ 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 ...
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 

Introduction to machine_learning

  • 1. 1 Introduction to Machine Learning Kiran Lonikar
  • 2. 2 What is learning? Tom Mitchell: Learning is to improve some performance measure P of executing some task T with experience E. In plain English: Performing some task better with experience and training… Key Elements: • Remember or memorize the past experiences E • Generalize from the experiences E Observe how kids learn to read words: They make mistakes even when reading previously known words, then correct themselves. Especially happens when reading words with silent letters, and those ending with tion. Warning: This is a highly mathematical subject!
  • 3. 3 What is Machine Learning How would you build a computer program which “learns” from experiences? Generally a three phase process • Express Experience E mathematically: Build a set of features related to the experiences (Feature Extraction from raw data) • Memorize and Generalize: Build a mathematical model or set of rules from the experiences (training) • Apply the mathematical model to features of the future tasks
  • 4. 4 Machine Learning in Action… • Word Lens mobile app • OCR in web pages: http://newscarousel.herokuapp.com/scribble-js/Scribble.html
  • 5. 5 Types of ML Systems • Supervised Learning • Classification • Logistic Regression, SVM, NB, Decision Trees, ANN etc. • Regression • Recommender Systems* • User-user/item-item similarity, matrix factorization etc. • Unsupervised Learning • Clustering • K-means, Fuzzy K-Means, Model based (LDA) clustering etc. • Dimensionality reduction • Principal Component Analysis (PCA) • Anomaly Detection
  • 6. 6 Classification Identify speaker’s gender from the voice spectrum Amplitude Frequency • Training: Build a model using data: {(a1, f1, g1), (a2, f2, g2), … (am, fm, gm)} • Logistic Regression (LR): p(g = F | a, f; θ) = hθ(θ0 + θ1a + θ2f) • Decision Boundary: p < 0.5, g = M, else F
  • 7. 7 Logistic Regression • If we let • y = 1 when g = F, and y = 0 when g = M, and define vector x = [a, f] • and define a function hθ(x) = sigmoid(θT*x) where sigmoid(z) = 1/(1+e-z). It represents probability p(y=1|x,θ). • Cost J(θ) = -Σ(y*log(h) + (1-y)*log(1-h)) - λθTθ over all training examples for some λ. • Optimization algorithm (gradient descent): Obtain θ which minimizes J(θ). • Try to fit model θ to cross validation data, vary λ for optimum fitment. • Test model θ against test data: hθ(x) ≥ 0.5, predict gender = F, otherwise predict gender as M.
  • 8. 8 Recommender Systems • User j specifies ratings for item i: y(i,j) Training Data • Guess ratings for other items: The blanks Items Users 1 5 3 4 2 4 2 5 2 1 3 2 4 5 3 3 2 4 3 3 1 1 3 4 5 • Collaborative Filtering: k features of each item: • Feature vector xi for item i: {xi 1,xi 2, … xi k} • Parameter Vector θj for user j: {θj 1, θj 2, … θj k} • For user j’s estimated rating for item i: (θj)T xi
  • 9. 9 Recommender Systems • Learn xi and θj: • Given xi , minimize Σ((θj)T xi - y(i,j))2 for all i where user j has rated item i to find optimum θj. • Given θj, minimize Σ((θj)T xi - y(i,j))2 for all j where user j has rated item i to find optimum xi. • Simultaneously: minimize Σ((θj)T xi - y(i,j))2 for all (i,j) where user j has rated item i to find optimum θj and xi. • Find factors X and ϴ of ratings matrix Y such that Y ≈ X ϴT • Other Algorithms: user-user similarity, item-item similarity • Useful even when users are not humans, for e.g.. Wiki documents as users and links as items.
  • 10. 10 Clustering • Example: Top two occurring terms in documents • Training set: {x1, x2, x3, … xm}, vector xi • No labels (yi) specified #Term 2 #Term 1
  • 11. 11 Clustering: Applications • Computer Science • Document Clustering • Google news: Organizing similar news from different sources • News Categorizing • Social networks analysis • Features reduction: Speeding up ML pipelines • Cluster Centroids as new features • Image compression (Reduce number of colors): Pre-processing for faster, memory efficient computations • Deep Learning: Alternate supervised and unsupervised learning • Recommender Systems • Physics: • Astronomy • Particle physics • Market segmentation • http://en.wikipedia.org/wiki/Cluster_analysis#Applications
  • 12. 12 K-Means Clustering 1. Randomly choose initial cluster centroids #Term 2 #Term 1 2. Assign each training example to a cluster: Pick closest centroid 3. Move centroids: Re-compute centroids as average of training points assigned 4. Repeat 2, 3 for max iterations count or convergence
  • 13. 13 Popular Machine Learning Tools • Apache Mahout: • Various Recommender Systems, clustering, and classification algorithms • Java based, with some algorithms having Hadoop Map- Reduce implementations. Recently started spark implementations, with a new ML DSL. • Stable, widely used in production, community support. • R: • Popular in statistics world. Has its own language • GNU license • Spark MLLib, Mlbase(http://www.mlbase.org/) • Scala based. Runs on spark (in memory, distributed)
  • 14. 14 Popular Machine Learning tools • Weka: • Java based • GNU License • Vowpal Wabbit: http://hunch.net/~vw/, https://github.com/JohnLangford/vowpal_wabbit • Google Prediction API • http://en.wikipedia.org/wiki/Machine_learning#Soft ware
  • 15. 15 Machine Learning In Action • Mobile: • Speech Recognition: Google Now, Siri • Languages/NLP: Google Translate • Vision: face recognition in cameras and online photos, OCR • Misc: Handwriting driven Myscript calculator and Stylus keyboard • Applications • OCR of printed documents and handwriting • Automatic tagging of photos based on similar faces • Biology and Medicine: • DNA analysis for likelihood of diseases, personalized drugs etc.
  • 16. 16 Resources • Online Courses: • Coursera: Machine Learning (Andrew Ng) • Coursera: Neural Networks for Machine Learning (Geoffrey Hinton) • Udacity: Intro to Artificial Intelligence (Peter Norvig, Sebastian Thrun) • CMU: Introduction to Machine Learning (Alex Smola) • Berkely: Scalable Machine Learning (Alex Smola) • Books: • Pattern Recognition and Machine Learning: Christopher Bishop • Machine Learning: Tom Mitchell • Mahout In Action • Artificial Intelligence: A modern approach (http://aima.cs.berkeley.edu/) • Machine Learning in Action
  • 17. 17 Resources • Quora: • http://www.quora.com/How-do-you-explain-Machine- Learning-and-Data-Mining-to-non-Computer-Science-people • http://www.quora.com/Machine-Learning • Misc.: • http://fastml.com/ • http://alex.smola.org/ • https://funnel.hasgeek.com/fifthel2014/1132-realizing-large-scale- distributed-deep-learning-ne • http://spark-summit.org/2014/agenda • Tutorial on HMM, Speech Recognition: Rabiner • Tesseract OCR library

Notas del editor

  1. Lets look at some real life applications. Word lens is a very popular mobile app which performs OCR, translation and inline display of translated text on the app screen. It’s uses of chain of ML classification algorithms: detects areas of text in the images, performs OCR, translation. Scribble-js performs classification of scribbled text using two pre-trained models: Logistic Regression and Artificial Neural Network Applications in particle physics: http://www.techrepublic.com/blog/european-technology/cern-where-the-big-bang-meets-big-data/ https://developers.google.com/events/io/sessions/333315382
  2. Recommender systems are a special kind of supervised learning. Here features are learnt from the user preferences. Clustering has application in image compression too apart from classical ML applications. Canopy clustering is another clustering algorithm, usually used to pick initial cluster centroids before running k-means clustering.
  3. https://github.com/klonikar/spark/blob/master/examples/src/main/scala/org/apache/spark/examples/SparkLRMultiClass.scala
  4. Particle Physics: http://www.lpthe.jussieu.fr/~salam/repository/docs/kt-cgta-v2.pdf Higgs Boson: http://www.exploratorium.edu/origins/cern/ideas/higgs.html
  5. Step 3 of moving cluster centroids using average minimizes distance for Euclidian distance measures. For non-Euclidian distance measures, the algorithm may not converge.