SlideShare a Scribd company logo
1 of 94
Download to read offline
Machine Learning
http://www.bigdata-madesimple.com/
Kan Ouivirach
Geeky Base (2015)
About Me
Research & Development
Engineer

www.kanouivirach.com
Kan Ouivirach
Outline
• What is Machine Learning?
• Main Types of Learning
• Model Validation, Selection, and Evaluation
• Applied Machine Learning Process
• Cautions
What is Machine Learning?
–Arthur Samuel (1959)
“Field of study that gives computers the ability
to learn without being explicitly programmed.”
–Tom Mitchell (1988)
“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.”
Statistics vs. Data Mining vs. Machine Learning vs. …?
Programming vs. Machine Learning?
Programming
“Given a specification of a function f,
implement f that meets the specification.”
Machine Learning
“Given example (x, y) pairs, induce f such
that y = f(x) for given pairs and generalizes
well for unseen x”
–Peter Norvig (2014)
Why is Machine Learning so hard?
http://veronicaforand.com/
http://www.thinkgeek.com/product/f0ba/
What do you see?
11111110
11100101
00001010
While the computer sees this
Machine Learning and Feature Representation
Learning
Algorithm
Input
Feature
Representation
Dog and Cat?
http://thisvsthatshow.com/
Applications of Machine Learning
• Search Engines
• Medical Diagnosis
• Object Recognition
• Stock Market Analysis
• Credit Card Fraud Detection
• Speech Recognition
• etc.
Recommendation System on Amazon.com
http://www.npr.org/sections/money/2011/11/15/142366953/the-tuesday-podcast-from-harvard-economist-to-casino-ceo
Ceasars Entertainment Corporation
Gary Loveman
God’s Eye
Fast & Furious 7
http://www.standbyformindcontrol.com/2015/04/furious-7-gets-completely-untethered/
PREDdictive POLicing - type of crime, place of crime, and time of crime
http://www.predpol.com/
Speech Recognition from Microsoft
Robot Localization
https://github.com/mjl/particle_filter_demo
Machine Learning Tasks
Classification
Regression
Similarity Matching
Clustering
Co-Occurrence Grouping
Profiling
Link Prediction
Data Reduction
Causal Modeling
Main Types of Learning
• Supervised Learning
• Unsupervised Learning
• Reinforcement Learning
Supervised Learning
y = f(x)
Given x, y pairs, find a function f that will map
new x to a proper y.
Supervised Learning Problems
• Regression
• Classification
Regression
Linear Regression
y = wx + b
http://thisvsthatshow.com/
Classification
k-Nearest Neighbors
http://bdewilde.github.io/blog/blogger/2012/10/26/classification-of-hand-written-digits-3/
Perceptron
Processor
Input 0
Input 1
Output
One or more inputs, a processor, and a single output
Perceptron Algorithm
Processor
12
4
Output
0.5
-1
(12 x 0.5) + (4 x -1)
sign(2)
+1
Perceptron’s Goal
https://datasciencelab.wordpress.com/2014/01/10/machine-learning-classics-the-perceptron/
w0x0 + w1x1
How Perceptron Learning Works
https://datasciencelab.wordpress.com/2014/01/10/machine-learning-classics-the-perceptron/
Let’s implement k-Nearest Neighbors!
Probability Theory
https://seisanshi.wordpress.com/tag/probability/
Calculating Conditional Probability
• Probability that I eat bread for breakfast, P(A), is 0.6.
• Probability that I eat steak for lunch, P(B), is 0.5.
• Given I eat steak for lunch, the probability that I eat bread
for breakfast, P(A | B), is 0.7.
• What is P(B | A)?
• What about when A and B are independent?
A2A1 A3 An
Ck
. . .
P(Ck | A1, …, An) = P(Ck) * P(A1, …, An | Ck) / P(A1, …, An)
P(Ck | A1, …, An) P(Ck) * Prod P(Ai | C)
with independence assumption, we then have
Naive Bayes
Naive Bayes
No. Content Spam?
1 Party Yes
2 Sale Discount Yes
3 Party Sale Discount Yes
4 Python Party No
5 Python Programming No
Naive Bayes
P(Spam | Party, Programming) = P(Spam) * P(Party | Spam) * P(Programming | Spam)
P(NotSpam | Party, Programming) = P(NotSpam) * P(Party | NotSpam) * P(Programming | NotSpam)
We want to find if “Party Programming” is spam or not?
We need to know
P(Spam), P(NotSpam)
P(Party | Spam), P(Party | NotSpam)
P(Programming | Spam), P(Programming | NotSpam)
Naive Bayes
No. Content Spam?
1 Party Yes
2 Sale Discount Yes
3 Party Sale Discount Yes
4 Python Party No
5 Python Programming No
P(Spam) = ? P(NotSpam) = ?
P(Party | Spam) = ? P(Party | NotSpam) = ?
P(Programming | Spam) = ? P(Programming | NotSpam) = ?
Naive Bayes
No. Content Spam?
1 Party Yes
2 Sale Discount Yes
3 Party Sale Discount Yes
4 Python Party No
5 Python Programming No
P(Spam) = 3/5 P(NotSpam) = 2/5
P(Party | Spam) = 2/3 P(Party | NotSpam) = 1/2
P(Programming | Spam) = 0 P(Programming | NotSpam) = 1/2
Naive Bayes
P(Spam | Party, Programming) = 3/5 * 2/3 * 0 = 0
P(NotSpam | Party, Programming) = 2/5 * 1/2 * 1/2 = 0.1
P(NotSpam | Party, Programming) > P(Spam | Party, Programming)
“Party Programming” is NOT a spam.
Decision Tree
Outlook
Humidity Wind
Sunny
Overcast
Rain
Yes
High Normal Strong Weak
No Yes No Yes
Day Outlook Temp Humidity WInd Play
D1 Sunny Hot High Weak No
D2 Sunny Hot High Strong No
D3 Overcast Mild High Strong Yes
D4 Rain Cool Normal Strong No
Play tennis?
Support Vector Machines
x
y
Support Vector Machines
x
y
Current Coordinate System
x
z
New Coordinate System
“Kernel Trick”
Support Vector Machines
http://www.mblondel.org/journal/2010/09/19/support-vector-machines-in-python/
3 support vectors
Unsupervised Learning
f(x)
Given x, find a function f that gives a compact
description of x.
Unsupervised Learning
• k-Means Clustering
• Hierarchical Clustering
• Gaussian Mixture Models (GMMs)
k-Means Clustering
http://stackoverflow.com/questions/24645068/k-means-clustering-major-understanding-issue/24645894#24645894
Recommendation
Should I recommend “The Last Which Hunter” to
Roofimon? (User-Based)
The Hunger
Game
Warcraft The
Beginning
The Good
Dinosaur
The Last
Witch Hunter
Kan 5 4 1 3
Roofimon 5 4 3 ?
Juacompe 1 3 3
John 4 1What should the rating be?
Find the most similar user to Roofimon
Should I recommend “The Last Which Hunter” to
Roofimon? (Item-Based)
The Hunger
Game
Warcraft The
Beginning
The Good
Dinosaur
The Last
Witch Hunter
Kan 5 4 1 3
Roofimon 5 4 3 ?
Juacompe 1 3 3
John 4 1
Find the most similar item to The Last Witch Hunter
What should the rating be?
Should I recommend “The Last Which Hunter” to
Roofimon? (Matrix Factorization)
The Hunger
Game
Warcraft The
Beginning
The Good
Dinosaur
The Last
Witch Hunter
Roofimon 5 4 3 ?
User Scary Kiddy
Roofimon 2 5
Movie Scary Kiddy
TLWH 3/4 1/4
(2 x 3/4) + (5 x 1/4) = 2.75
Anomaly Detection
http://modernfarmer.com/2013/11/farm-pop-idioms/
http://boxesandarrows.com/designing-screens-using-cores-and-paths/
Let’s try k-Means!
1D k-Means Clustering
• Given these items: {2, 4, 10, 12, 3, 20, 30, 11, 25}
• Given these initial centroids: m1 = 2 and m2 = 4
• Find me the final clusters!
Initialize Assign
Update
Centroids
Converge? Done
Yes
No
Recap: Supervised vs. Unsupervised?
Reinforcement Learning
y = f(x)
Given x and z, find a function f that generates y.
z
Flappy Bird Hack using
Reinforcement Learning
http://sarvagyavaish.github.io/FlappyBirdRL/
Model Validation
I’ve got a perfect classifiers!
https://500px.com/photo/65907417/like-a-frog-trapped-inside-a-coconut-shell-by-ellena-susanti
http://blog.csdn.net/love_tea_cat/article/details/25972921
Overfitting (High Variance)
Normal fit Overfitting
http://blog.csdn.net/love_tea_cat/article/details/25972921
Underfitting (High Bias)
Normal fit Underfitting
How to Avoid Overfitting and Underfitting
• Using more data does NOT always help.
• Recommend to
• find a good number of features;
• perform cross validation;
• use regularization when overfitting is found.
Model Selection
Model Selection
• Use cross validation to find the best parameters for
the model.
Model Evaluation
Metrics
• Accuracy
• True Positive, False Positive, True Negative, False
Negative
• Precision and Recall
• F1 Score
• etc.
Let’s evaluate this Giving Cats system!
Give me cats!
3 True Positives
1 False Positive
2 False Negatives
4 True Negatives
System
User
Precision and Recall
http://en.wikipedia.org/wiki/Precision_and_recall
False Positive or False Negative?
Metrics Summary
https://en.wikipedia.org/wiki/Receiver_operating_characteristic
Applied Machine Learning Process
http://machinelearningmastery.com/process-for-working-through-machine-learning-problems/
Cross Industry Standard Process for Data Mining (CRISP-DM; Shearer, 2000)
https://en.wikipedia.org/wiki/Cross_Industry_Standard_Process_for_Data_Mining
Define the Problem
https://youmustdesireit.wordpress.com/2014/03/05/developing-and-nurturing-creative-problem-solving/
Prepare Data
http://vpnexpress.net/big-data-use-a-vpn-block-data-collection/
Spot Check Algorithms
https://www.flickr.com/photos/withassociates/4385364607/sizes/l/
If two models fit the data equally well,
choose the simpler one.
Improve Results
http://www.mobilemechanicprosaustin.com/
Present Results
http://www.langevin.com/blog/2013/04/25/5-tips-for-projecting-confidence/presentation-skills-2/
http://newventurist.com/
• Curse of dimensionality
• Correlation does NOT 

imply causation.
• Learn many models, 

not just ONE.
• More data beats 

a cleaver algorithm.
• Data alone are not enough.
A Few Useful Things You Need to Know about Machine Learning, Pedro Domigos (2012)
Some Cautions
–John G. Richardson
“Learning Best
Through Experience”
https://studio.azureml.net/
Machine Learning and Feature Representation
Learning
Algorithm
Input
— Feature engineering is the key. —
Feature
Representation
Garbage In - Garbage Out
http://blog.marksgroup.net/2013/05/zoho-crm-garbage-in-garbage-out-its.html
Example of Feature Engineering
Width (m) Length (m) Cost (baht)
100 100 1,200,000
500 50 1,300,000
100 80 1,000,000
400 100 1,500,000
Are the data good to
model the area’s cost?
Size (m x m) Cost (baht)
100,000 1,200,000
25,000 1,300,000
8,000 1,000,000
400,00 1,500,000
Engineer features.
They look better here.
Can we do better?
Deep Learning at Microsoft’s Speech Group
Recommended Books
http://www.barnstable.k12.ma.us/domain/210
https://github.com/zkan/intro-to-machine-learning

More Related Content

Viewers also liked

액체수면제『 W3.ow.to 』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요
액체수면제『 W3.ow.to  』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요액체수면제『 W3.ow.to  』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요
액체수면제『 W3.ow.to 』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요전 윤희
 
PUSELETSO_CURICULAM_VITAE moloi 2
PUSELETSO_CURICULAM_VITAE moloi 2PUSELETSO_CURICULAM_VITAE moloi 2
PUSELETSO_CURICULAM_VITAE moloi 2puseletso moloi
 
WordPress Hooks: The Right Way to Extend Your WordPress
WordPress Hooks: The Right Way to Extend Your WordPressWordPress Hooks: The Right Way to Extend Your WordPress
WordPress Hooks: The Right Way to Extend Your WordPressKan Ouivirach, Ph.D.
 

Viewers also liked (8)

SEGURIDAD DE DATOS
SEGURIDAD DE DATOSSEGURIDAD DE DATOS
SEGURIDAD DE DATOS
 
La Impresión 3D
La Impresión 3DLa Impresión 3D
La Impresión 3D
 
액체수면제『 W3.ow.to 』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요
액체수면제『 W3.ow.to  』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요액체수면제『 W3.ow.to  』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요
액체수면제『 W3.ow.to 』 톡 w2015 ♡ 액체수면제판매,액체수면제효능,액체수면제성분,액체수면제종류, 액체수면제치사량,액체수면제팔아요
 
Feklin_16.02.2017
Feklin_16.02.2017Feklin_16.02.2017
Feklin_16.02.2017
 
PUSELETSO_CURICULAM_VITAE moloi 2
PUSELETSO_CURICULAM_VITAE moloi 2PUSELETSO_CURICULAM_VITAE moloi 2
PUSELETSO_CURICULAM_VITAE moloi 2
 
Rotary in Niger
Rotary in NigerRotary in Niger
Rotary in Niger
 
WordPress Hooks: The Right Way to Extend Your WordPress
WordPress Hooks: The Right Way to Extend Your WordPressWordPress Hooks: The Right Way to Extend Your WordPress
WordPress Hooks: The Right Way to Extend Your WordPress
 
Clase castellano 4°-02-15-17_lenguaje poético
Clase castellano 4°-02-15-17_lenguaje poéticoClase castellano 4°-02-15-17_lenguaje poético
Clase castellano 4°-02-15-17_lenguaje poético
 

Similar to Machine Learning at Geeky Base 2

Fast Distributed Online Classification
Fast Distributed Online ClassificationFast Distributed Online Classification
Fast Distributed Online ClassificationPrasad Chalasani
 
DeepLearningLecture.pptx
DeepLearningLecture.pptxDeepLearningLecture.pptx
DeepLearningLecture.pptxssuserf07225
 
Artificial Intelligence and Optimization with Parallelism
Artificial Intelligence and Optimization with ParallelismArtificial Intelligence and Optimization with Parallelism
Artificial Intelligence and Optimization with ParallelismOlivier Teytaud
 
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017StampedeCon
 
know Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdfknow Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdfhemangppatel
 
Machine learning Lecture 1
Machine learning Lecture 1Machine learning Lecture 1
Machine learning Lecture 1Srinivasan R
 
Deep Learning for Developers
Deep Learning for DevelopersDeep Learning for Developers
Deep Learning for DevelopersJulien SIMON
 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regionsbutest
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Julien SIMON
 
Intelligent Ruby + Machine Learning
Intelligent Ruby + Machine LearningIntelligent Ruby + Machine Learning
Intelligent Ruby + Machine LearningIlya Grigorik
 
Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?Salesforce Engineering
 
a introduction for machine learning class
a introduction for machine learning classa introduction for machine learning class
a introduction for machine learning classyjlj9555
 
Nlp and Neural Networks workshop
Nlp and Neural Networks workshopNlp and Neural Networks workshop
Nlp and Neural Networks workshopQuantUniversity
 
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
 
The ABC of Implementing Supervised Machine Learning with Python.pptx
The ABC of Implementing Supervised Machine Learning with Python.pptxThe ABC of Implementing Supervised Machine Learning with Python.pptx
The ABC of Implementing Supervised Machine Learning with Python.pptxRuby Shrestha
 
20181106 arie van_deursen_testday2018
20181106 arie van_deursen_testday201820181106 arie van_deursen_testday2018
20181106 arie van_deursen_testday2018STAMP Project
 
Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)Amazon Web Services
 

Similar to Machine Learning at Geeky Base 2 (20)

Fast Distributed Online Classification
Fast Distributed Online ClassificationFast Distributed Online Classification
Fast Distributed Online Classification
 
DeepLearningLecture.pptx
DeepLearningLecture.pptxDeepLearningLecture.pptx
DeepLearningLecture.pptx
 
Fast Distributed Online Classification
Fast Distributed Online Classification Fast Distributed Online Classification
Fast Distributed Online Classification
 
ML基本からResNetまで
ML基本からResNetまでML基本からResNetまで
ML基本からResNetまで
 
Artificial Intelligence and Optimization with Parallelism
Artificial Intelligence and Optimization with ParallelismArtificial Intelligence and Optimization with Parallelism
Artificial Intelligence and Optimization with Parallelism
 
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
 
know Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdfknow Machine Learning Basic Concepts.pdf
know Machine Learning Basic Concepts.pdf
 
Machine learning Lecture 1
Machine learning Lecture 1Machine learning Lecture 1
Machine learning Lecture 1
 
Deep Learning for Developers
Deep Learning for DevelopersDeep Learning for Developers
Deep Learning for Developers
 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regions
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
Intelligent Ruby + Machine Learning
Intelligent Ruby + Machine LearningIntelligent Ruby + Machine Learning
Intelligent Ruby + Machine Learning
 
Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?Probabilistic Programming: Why, What, How, When?
Probabilistic Programming: Why, What, How, When?
 
a introduction for machine learning class
a introduction for machine learning classa introduction for machine learning class
a introduction for machine learning class
 
Nlp and Neural Networks workshop
Nlp and Neural Networks workshopNlp and Neural Networks workshop
Nlp and Neural Networks workshop
 
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
 
The ABC of Implementing Supervised Machine Learning with Python.pptx
The ABC of Implementing Supervised Machine Learning with Python.pptxThe ABC of Implementing Supervised Machine Learning with Python.pptx
The ABC of Implementing Supervised Machine Learning with Python.pptx
 
20181106 arie van_deursen_testday2018
20181106 arie van_deursen_testday201820181106 arie van_deursen_testday2018
20181106 arie van_deursen_testday2018
 
Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)
 

More from Kan Ouivirach, Ph.D.

Adoption of AI: The Great Opportunities for Everyone
Adoption of AI: The Great Opportunities for EveryoneAdoption of AI: The Great Opportunities for Everyone
Adoption of AI: The Great Opportunities for EveryoneKan Ouivirach, Ph.D.
 
Uncover Python's Potential in Machine Learning
Uncover Python's Potential in Machine LearningUncover Python's Potential in Machine Learning
Uncover Python's Potential in Machine LearningKan Ouivirach, Ph.D.
 
Lesson Learned from Using Docker Swarm at Pronto
Lesson Learned from Using Docker Swarm at ProntoLesson Learned from Using Docker Swarm at Pronto
Lesson Learned from Using Docker Swarm at ProntoKan Ouivirach, Ph.D.
 
What We Do in This Weird Office Culture
What We Do in This Weird Office CultureWhat We Do in This Weird Office Culture
What We Do in This Weird Office CultureKan Ouivirach, Ph.D.
 
Exploring Machine Learning in Python with Scikit-Learn
Exploring Machine Learning in Python with Scikit-LearnExploring Machine Learning in Python with Scikit-Learn
Exploring Machine Learning in Python with Scikit-LearnKan Ouivirach, Ph.D.
 
Thailand Hadoop Big Data Challenge #1
Thailand Hadoop Big Data Challenge #1Thailand Hadoop Big Data Challenge #1
Thailand Hadoop Big Data Challenge #1Kan Ouivirach, Ph.D.
 
Achieving "Zero Downtime Deployment" with Automated Testing
Achieving "Zero Downtime Deployment" with Automated TestingAchieving "Zero Downtime Deployment" with Automated Testing
Achieving "Zero Downtime Deployment" with Automated TestingKan Ouivirach, Ph.D.
 
Practical Experience in Automated Testing at Pronto Marketing
Practical Experience in Automated Testing at Pronto MarketingPractical Experience in Automated Testing at Pronto Marketing
Practical Experience in Automated Testing at Pronto MarketingKan Ouivirach, Ph.D.
 
Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...
Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...
Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...Kan Ouivirach, Ph.D.
 
Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...
Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...
Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...Kan Ouivirach, Ph.D.
 
Adapting Scrum to Managing a Research Group
Adapting Scrum to Managing a Research GroupAdapting Scrum to Managing a Research Group
Adapting Scrum to Managing a Research GroupKan Ouivirach, Ph.D.
 

More from Kan Ouivirach, Ph.D. (16)

Adoption of AI: The Great Opportunities for Everyone
Adoption of AI: The Great Opportunities for EveryoneAdoption of AI: The Great Opportunities for Everyone
Adoption of AI: The Great Opportunities for Everyone
 
Uncover Python's Potential in Machine Learning
Uncover Python's Potential in Machine LearningUncover Python's Potential in Machine Learning
Uncover Python's Potential in Machine Learning
 
Lesson Learned from Using Docker Swarm at Pronto
Lesson Learned from Using Docker Swarm at ProntoLesson Learned from Using Docker Swarm at Pronto
Lesson Learned from Using Docker Swarm at Pronto
 
Agile and Scrum Methodology
Agile and Scrum MethodologyAgile and Scrum Methodology
Agile and Scrum Methodology
 
Machine Learning คือ? #bcbk
Machine Learning คือ? #bcbkMachine Learning คือ? #bcbk
Machine Learning คือ? #bcbk
 
What We Do in This Weird Office Culture
What We Do in This Weird Office CultureWhat We Do in This Weird Office Culture
What We Do in This Weird Office Culture
 
The WordPress Way
The WordPress WayThe WordPress Way
The WordPress Way
 
Exploring Machine Learning in Python with Scikit-Learn
Exploring Machine Learning in Python with Scikit-LearnExploring Machine Learning in Python with Scikit-Learn
Exploring Machine Learning in Python with Scikit-Learn
 
Thailand Hadoop Big Data Challenge #1
Thailand Hadoop Big Data Challenge #1Thailand Hadoop Big Data Challenge #1
Thailand Hadoop Big Data Challenge #1
 
Achieving "Zero Downtime Deployment" with Automated Testing
Achieving "Zero Downtime Deployment" with Automated TestingAchieving "Zero Downtime Deployment" with Automated Testing
Achieving "Zero Downtime Deployment" with Automated Testing
 
Pronto R&D Presentation
Pronto R&D PresentationPronto R&D Presentation
Pronto R&D Presentation
 
Scrum at Pronto Marketing
Scrum at Pronto MarketingScrum at Pronto Marketing
Scrum at Pronto Marketing
 
Practical Experience in Automated Testing at Pronto Marketing
Practical Experience in Automated Testing at Pronto MarketingPractical Experience in Automated Testing at Pronto Marketing
Practical Experience in Automated Testing at Pronto Marketing
 
Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...
Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...
Extracting the Object from the Shadows: Maximum Likelihood Object/Shadow Disc...
 
Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...
Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...
Clustering Human Behaviors with Dynamic Time Warping and Hidden Markov Models...
 
Adapting Scrum to Managing a Research Group
Adapting Scrum to Managing a Research GroupAdapting Scrum to Managing a Research Group
Adapting Scrum to Managing a Research Group
 

Recently uploaded

Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxfirstjob4
 
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
 
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
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxolyaivanovalion
 
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
 
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
 
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
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFxolyaivanovalion
 
Ukraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICSUkraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICSAishani27
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz1
 
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
 
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
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxEmmanuel Dauda
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxJohnnyPlasten
 

Recently uploaded (20)

Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptx
 
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
 
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
VIP Call Girls Service Charbagh { Lucknow Call Girls Service 9548273370 } Boo...
 
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
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
 
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
 
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
 
꧁❤ 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 ...
 
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
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
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
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Ukraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICSUkraine War presentation: KNOW THE BASICS
Ukraine War presentation: KNOW THE BASICS
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signals
 
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
 
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
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptx
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 

Machine Learning at Geeky Base 2