SlideShare uma empresa Scribd logo
1 de 45
Baixar para ler offline
Knowledge Sharing
Machine Learning
for Dummies
Andrews Sobral, Ph.D.
Machine Learning Engineer
ActiveEon
http://andrewssobral.wixsite.com/homewithout mathematics
What is Machine Learning (ML)?
❖ “Machine learning is a field of computer science that
gives computers the ability to learn without being
explicitly programmed.” (Wikipedia)
Machine Learning vs Traditional Programming
AI vs ML vs RL vs DL
How a Machine Learning algorithm learns?
How a Machine Learning algorithm learns?
Types of Machine Learning techniques
Types of Machine Learning techniques
How Reinforcement Learning works?
Reinforcement Learning algorithms
❖ State-of-the-art models:
❖ A2C (ICML’2016)
❖ ACKTR (ArXiv 2017)
❖ DDPG (ArXiv 2015)
❖ DQN (Nature 2015)
❖ PPO (ArXiv 2017)
❖ TRPO (ICML 2015)
❖ OpenAI Baselines:
❖ high-quality implementations of reinforcement learning algorithms
❖ https://github.com/openai/baselines
Demo: Using PPO to train AI policies
An agent tries to reach a target (the pink sphere), learning to walk, run, turn, use its momentum
to recover from minor hits, and how to stand up from the ground when it is knocked over.
https://blog.openai.com/openai-baselines-ppo/
and more
OpenAI + Dota 2 DeepMind + Starcraft 2
For more info, please see:
https://blog.openai.com/dota-2/
https://deepmind.com/blog/deepmind-and-blizzard-open-starcraft-ii-ai-research-environment/
Types of Machine Learning techniques
Unsupervised Learning (UL) vs Supervised Learning (SL)
Unsupervised Learning (UL) vs Supervised Learning (SL)
How Unsupervised Learning works?
Algorithm
Unsupervised Learning algorithms
❖ K-means clustering
❖ Partitions data into k distinct clusters based on distance to the centroid of a cluster.
❖ Principal Component Analysis (PCA) [also part of Dimensionality Reduction methods]
❖ Convert a set of observations of possibly correlated variables into a set of values of
linearly uncorrelated variables called principal components.
❖ Gaussian Mixture Models (GMM)
❖ Models clusters as a mixture of multivariate normal density components.
❖ Self-organizing Maps (SOM)
❖ Uses neural networks that learn the topology and distribution of the data.
❖ Hidden Markov Models (HMM)
❖ Uses observed data to recover the sequence of states.
http://scikit-learn.org/stable/modules/clustering.html#clustering
https://fr.mathworks.com/discovery/unsupervised-learning.html
Implementations:
Comparison of clustering algorithms
http://scikit-learn.org/stable/auto_examples/cluster/plot_cluster_comparison.html
What is Dimensionality Reduction?
Example of how PCA works
https://lvdmaaten.github.io/drtoolbox/ (33 MATLAB implementations)
http://scikit-learn.org/stable/modules/decomposition.html#decompositions
Robust PCA
https://github.com/andrewssobral/lrslibrary
https://www.slideshare.net/andrewssobral/thesis-presentation-robust-lowrank-and-sparse-decomposition-for-moving-object-detection-from-matrices-to-tensors
Unsupervised Learning (UL) vs Supervised Learning (SL)
How Supervised Learning works?
Classification vs Regression
Classification: for categorical response values, where the data can be separated into specific “classes”
Regression: for continuous-response values
Supervised Learning algorithms
❖ Common classification algorithms include:
❖ Support vector machines (SVM)
❖ Neural networks
❖ Naïve Bayes classifier
❖ Decision trees
❖ Discriminant analysis
❖ Nearest neighbors (kNN)
❖ Common regression algorithms include:
❖ Linear regression
❖ Nonlinear regression
❖ Generalized linear models
❖ Decision trees
❖ Neural networks
http://scikit-learn.org/stable/supervised_learning.html#supervised-learning
https://fr.mathworks.com/discovery/supervised-learning.html
Linear vs Nonlinear problems
Ensemble methods
❖ The goal of ensemble methods is to combine the predictions of several base estimators built
with a given learning algorithm in order to improve generalizability / robustness over a
single estimator.
Two families of ensemble methods are usually
distinguished:
In averaging methods, the driving principle is
to build several estimators independently and
then to average their predictions.
Examples: Bagging methods, Forests of
randomized trees, …
By contrast, in boosting methods, base
estimators are built sequentially and one tries
to reduce the bias of the combined estimator.
Examples: AdaBoost, Gradient Tree Boosting,
…
Cheat Sheet of ML algorithms
What about Deep Learning?
Machine Learning vs Deep Learning
Deep Neural Networks
Neural
Networks
Architecture
https://medium.com/towards-data-
science/neural-network-
architectures-156e5bad51ba
Semantic segmentation
Object classification
Object detection
Common architectures for image analysis
Performance of DNNs
Some applications of DNNs
+ Natural Language Processing
+ Speech Recognition
+ Recommendation Systems
+ and more…
24 Neural Network Adjustements
How do I know what architecture to use?
❖ Don’t be a hero.
❖ Take whatever works best.
❖ Download a pretrained model.
❖ Add/delete some parts of it.
❖ Finetune it on your application.
Generative Adversarial Networks
https://medium.com/@devnag/generative-adversarial-networks-gans-in-50-lines-of-code-pytorch-e81b79659e3f
Example of GANs output
http://www.shakirm.com/slides/DeepGenModelsTutorial.pdf
Example of GANs output
GAN variants
https://github.com/znxlwm/pytorch-generative-model-collections
Resources for ML
❖ Python Machine Learning by Sebastian Raschka
❖ https://github.com/rasbt/python-machine-learning-book
Resources for DL
❖ Keras + Tensorflow (Google)
❖ CNTK (Microsoft)
❖ PyTorch (Facebook)
❖ MXNET (Amazon)
❖ Caffe (Berkley) , Caffe2 (Facebook)
❖ http://deeplearning.net/software_links/
❖ https://en.wikipedia.org/wiki/Comparison_of_deep_learning_software
Thank you!
Contact us:
contact@activeeon.com

Mais conteúdo relacionado

Mais procurados

Mais procurados (20)

Tutorial on Deep learning and Applications
Tutorial on Deep learning and ApplicationsTutorial on Deep learning and Applications
Tutorial on Deep learning and Applications
 
ML DL AI DS BD - An Introduction
ML DL AI DS BD - An IntroductionML DL AI DS BD - An Introduction
ML DL AI DS BD - An Introduction
 
NIPS2015 reading - Learning visual biases from human imagination
NIPS2015 reading - Learning visual biases from human imaginationNIPS2015 reading - Learning visual biases from human imagination
NIPS2015 reading - Learning visual biases from human imagination
 
Machine learning
Machine learningMachine learning
Machine learning
 
Keras: Deep Learning Library for Python
Keras: Deep Learning Library for PythonKeras: Deep Learning Library for Python
Keras: Deep Learning Library for Python
 
[Eestec] Machine Learning online seminar 1, 12 2016
[Eestec] Machine Learning online seminar 1, 12 2016[Eestec] Machine Learning online seminar 1, 12 2016
[Eestec] Machine Learning online seminar 1, 12 2016
 
Deep Learning Projects - Anomaly Detection Using Deep Learning
Deep Learning Projects - Anomaly Detection Using Deep LearningDeep Learning Projects - Anomaly Detection Using Deep Learning
Deep Learning Projects - Anomaly Detection Using Deep Learning
 
A Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningA Friendly Introduction to Machine Learning
A Friendly Introduction to Machine Learning
 
Python Machine Learning - Getting Started
Python Machine Learning - Getting StartedPython Machine Learning - Getting Started
Python Machine Learning - Getting Started
 
Few shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learningFew shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learning
 
Techniques Machine Learning
Techniques Machine LearningTechniques Machine Learning
Techniques Machine Learning
 
Introduction to-machine-learning
Introduction to-machine-learningIntroduction to-machine-learning
Introduction to-machine-learning
 
15857 cse422 unsupervised-learning
15857 cse422 unsupervised-learning15857 cse422 unsupervised-learning
15857 cse422 unsupervised-learning
 
One shot learning
One shot learningOne shot learning
One shot learning
 
Deep learning crash course
Deep learning crash courseDeep learning crash course
Deep learning crash course
 
Deep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical MethodologyDeep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical Methodology
 
Terminology Machine Learning
Terminology Machine LearningTerminology Machine Learning
Terminology Machine Learning
 
Binary Search Algorithm
Binary Search Algorithm Binary Search Algorithm
Binary Search Algorithm
 
Machine Learning Overview
Machine Learning OverviewMachine Learning Overview
Machine Learning Overview
 
An overview of machine learning
An overview of machine learningAn overview of machine learning
An overview of machine learning
 

Semelhante a Machine learning-for-dummies-andrews-sobral-activeeon

Semelhante a Machine learning-for-dummies-andrews-sobral-activeeon (20)

Introduction to Machine Learning with SciKit-Learn
Introduction to Machine Learning with SciKit-LearnIntroduction to Machine Learning with SciKit-Learn
Introduction to Machine Learning with SciKit-Learn
 
Everything you need to know about AutoML
Everything you need to know about AutoMLEverything you need to know about AutoML
Everything you need to know about AutoML
 
Machine learning ppt.
Machine learning ppt.Machine learning ppt.
Machine learning ppt.
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Human in the loop: Bayesian Rules Enabling Explainable AI
Human in the loop: Bayesian Rules Enabling Explainable AIHuman in the loop: Bayesian Rules Enabling Explainable AI
Human in the loop: Bayesian Rules Enabling Explainable AI
 
Machine learning
 Machine learning Machine learning
Machine learning
 
ODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AIODSC APAC 2022 - Explainable AI
ODSC APAC 2022 - Explainable AI
 
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
 
Talk@rmit 09112017
Talk@rmit 09112017Talk@rmit 09112017
Talk@rmit 09112017
 
InfoEducatie - Face Recognition Architecture
InfoEducatie - Face Recognition ArchitectureInfoEducatie - Face Recognition Architecture
InfoEducatie - Face Recognition Architecture
 
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
 
Build, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleBuild, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at Scale
 
Anurag Awasthi - Machine Learning applications for CloudStack
Anurag Awasthi - Machine Learning applications for CloudStackAnurag Awasthi - Machine Learning applications for CloudStack
Anurag Awasthi - Machine Learning applications for CloudStack
 
Identifying and classifying unknown Network Disruption
Identifying and classifying unknown Network DisruptionIdentifying and classifying unknown Network Disruption
Identifying and classifying unknown Network Disruption
 
Stock Market Prediction Using ANN
Stock Market Prediction Using ANNStock Market Prediction Using ANN
Stock Market Prediction Using ANN
 
Introduction to Mahout and Machine Learning
Introduction to Mahout and Machine LearningIntroduction to Mahout and Machine Learning
Introduction to Mahout and Machine Learning
 
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
Understanding Parallelization of Machine Learning Algorithms in Apache Spark™
 
Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101
 
Apache Mahout
Apache MahoutApache Mahout
Apache Mahout
 
Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...
Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...
Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...
 

Mais de Activeeon

ActiveEon - Automate, Accelerate, Scale
ActiveEon - Automate, Accelerate, ScaleActiveEon - Automate, Accelerate, Scale
ActiveEon - Automate, Accelerate, Scale
Activeeon
 

Mais de Activeeon (9)

Different usages of Machine Learning Open Studio
Different usages of Machine Learning Open StudioDifferent usages of Machine Learning Open Studio
Different usages of Machine Learning Open Studio
 
Workload Automation for Cloud Migration and Machine Learning Platform
Workload Automation for Cloud Migration and Machine Learning PlatformWorkload Automation for Cloud Migration and Machine Learning Platform
Workload Automation for Cloud Migration and Machine Learning Platform
 
Activeeon - Scale Beyond Limits
Activeeon - Scale Beyond LimitsActiveeon - Scale Beyond Limits
Activeeon - Scale Beyond Limits
 
ProActive Workflows & Scheduling
ProActive Workflows & Scheduling ProActive Workflows & Scheduling
ProActive Workflows & Scheduling
 
Activeeon technology for Big Compute and cloud migration
Activeeon technology for Big Compute and cloud migrationActiveeon technology for Big Compute and cloud migration
Activeeon technology for Big Compute and cloud migration
 
Machine Learning open studio solution for data scientists & developers
Machine Learning open studio solution for data scientists & developersMachine Learning open studio solution for data scientists & developers
Machine Learning open studio solution for data scientists & developers
 
Infinite power at your fingertips with Microsoft Azure Cloud & ActiveEon
Infinite power at your fingertips with Microsoft Azure Cloud & ActiveEonInfinite power at your fingertips with Microsoft Azure Cloud & ActiveEon
Infinite power at your fingertips with Microsoft Azure Cloud & ActiveEon
 
Activeeon use cases for cloud, digital transformation, IoT and big data autom...
Activeeon use cases for cloud, digital transformation, IoT and big data autom...Activeeon use cases for cloud, digital transformation, IoT and big data autom...
Activeeon use cases for cloud, digital transformation, IoT and big data autom...
 
ActiveEon - Automate, Accelerate, Scale
ActiveEon - Automate, Accelerate, ScaleActiveEon - Automate, Accelerate, Scale
ActiveEon - Automate, Accelerate, Scale
 

Último

%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
masabamasaba
 
%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...
%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...
%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...
masabamasaba
 
TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service provider
mohitmore19
 
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
masabamasaba
 
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 

Último (20)

Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
 
%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand
 
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
 
%in Durban+277-882-255-28 abortion pills for sale in Durban
%in Durban+277-882-255-28 abortion pills for sale in Durban%in Durban+277-882-255-28 abortion pills for sale in Durban
%in Durban+277-882-255-28 abortion pills for sale in Durban
 
The Top App Development Trends Shaping the Industry in 2024-25 .pdf
The Top App Development Trends Shaping the Industry in 2024-25 .pdfThe Top App Development Trends Shaping the Industry in 2024-25 .pdf
The Top App Development Trends Shaping the Industry in 2024-25 .pdf
 
%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...
%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...
%+27788225528 love spells in Boston Psychic Readings, Attraction spells,Bring...
 
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
 
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park %in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
 
TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service provider
 
8257 interfacing 2 in microprocessor for btech students
8257 interfacing 2 in microprocessor for btech students8257 interfacing 2 in microprocessor for btech students
8257 interfacing 2 in microprocessor for btech students
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview Questions
 
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial Goals
 
Payment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdf
Payment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdfPayment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdf
Payment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdf
 
%in Harare+277-882-255-28 abortion pills for sale in Harare
%in Harare+277-882-255-28 abortion pills for sale in Harare%in Harare+277-882-255-28 abortion pills for sale in Harare
%in Harare+277-882-255-28 abortion pills for sale in Harare
 
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Chinsurah Escorts ☎️8617697112 Starting From 5K to 15K High Profile Escorts ...
Chinsurah Escorts ☎️8617697112  Starting From 5K to 15K High Profile Escorts ...Chinsurah Escorts ☎️8617697112  Starting From 5K to 15K High Profile Escorts ...
Chinsurah Escorts ☎️8617697112 Starting From 5K to 15K High Profile Escorts ...
 
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
 
Introducing Microsoft’s new Enterprise Work Management (EWM) Solution
Introducing Microsoft’s new Enterprise Work Management (EWM) SolutionIntroducing Microsoft’s new Enterprise Work Management (EWM) Solution
Introducing Microsoft’s new Enterprise Work Management (EWM) Solution
 
Microsoft AI Transformation Partner Playbook.pdf
Microsoft AI Transformation Partner Playbook.pdfMicrosoft AI Transformation Partner Playbook.pdf
Microsoft AI Transformation Partner Playbook.pdf
 

Machine learning-for-dummies-andrews-sobral-activeeon