SlideShare a Scribd company logo
Machine Learning
«A Gentle Introduction»
@ZimMatthias Matthias Zimmermann
BSI Business Systems Integration AG
«What is the difference
to IBM’s chess system
20 years ago?»
AlphaGo Hardware
Powered by TPUs
Tensor Processing Unit (TPU)
Specialized ML Hardware
What else
is needed?
Machine Learning: A gentle Introduction
Markov Decision Process
 Environment (Atari Breakout)
 Agent performing Actions (Left, Right, Release Ball)
 State (Bricks, location / direction of ball, …)
 Rewards (A Brick is hit)
Deep Reinforcement Learning
Q-Learning (simplified)
 Markov Decision Process
 Q(s, a) Highest sum of future Rewards for action a in state s
initialize Q randomly
set initial state s0
repeat
execute a to maximize Q(si, a)
observe r and new state si+1
set Q = update(Q, r, a, si+1)
set si = si+1
until terminated
Deep Reinforcement Learning
Deep Q Learning (DQN)
 Q Learning
 Q(s, a) = Deep Neural Network (DNN)
 Retrain DNN regularly (using it’s own experience)
Deep Reinforcement Learning
Action a
Left, Right, Release
DNN Q(s, a)
State s
Machine Learning Concepts
Data
Models
Training and Evaluation
ML Topics
Challenges
 Getting the RIGHT data for the task
 And LOTs of it
 There is never enough data …
Real World Lessons
 Data is crucial for successful ML projects
 Most boring and timeconsuming task
 Most underestimated task
Getting the Data
Rosemary, Rosmarinus officinalis
Sentiment Analysis
1245 NEGATIVE 
shallow , noisy and pretentious .
14575 POSITIVE 
one of the most splendid
entertainments to emerge from
the french film industry in years
Iris or Flower set or
example for outlier
detection?
86211,B,12.18,17.84,77.79, …
862261,B,9.787,19.94,62.11, …
862485,B,11.6,12.84,74.34, …
862548,M,14.42,19.77,94.48, …
862009,B,13.45,18.3,86.6, …
Data
Models
Training and Evaluation
ML Topics
2012, ImageNet, G. Hinton
Data
Models
Training and Evaluation
ML Topics
Model Complexity
Training Iterationen
Error Rate
Training Data
Test Data
«Underfitting»
more training needed
«Overfitting»
too much training

model too simple
model too complex
Data
Models
Training and Evaluation
ML Topics
Supervised Learning
• Learning from Examples
• Right Answers are known
Unsupervised Learning
• Discover Structure in Data
• Dimensionality Reduction
Reinforcement Learning
• Interaction with Dynamic Environment
Demo Time
Demo 1 Supervised Learning
 Pattern recognition
 Handwritten character recognition
 Convolutional neural network
Demo 2 Unsupervised Learning
 Natural language processing (NLP)
 Neural word embeddings
 Word2vec
Demos
Data
 Which digit is this?
 Collect our own data
Model
 Deep Neural Network (LeNet-5)
Deeplearning4j
 Deep Learning Library
 Open Source (Apache)
 Java
Pattern Recognition
Handwritten Digits
1998 Gradient-based Learing for Document Recognition, Y. LeCun
Machine Learning: A gentle Introduction
Machine Learning: A gentle Introduction
Unsupervised Learning
Natural Language Processing
Data
 Google News text training dataset
 Texts with total of 3’000’000’000 words
 Lexicon: 3’000’000 words/phrases
Model
 Word2Vec Skip-gram
 Mapping: Word  300-dimensional number space
 Many useful properties (word clustering, syntax, semantics)
Deeplearning4j
 (Train) load and use Google News word2vec model
Machine Learning: A gentle Introduction
Machine Learning: A gentle Introduction
Recent Advances
Games Backgammon 1979, chess 1997, Jeopardy! 2011,
Atari games 2014, Go 2016, Poker (Texas Hold’em) 2017
Visual CAPTCHAs 2005, face recognition 2007,
traffic sign reading 2011, ImageNet 2015,
lip-reading 2016
Other Age estimation from pictures 2013, personality judgement from
Facebook «likes» 2014, conversational speech recognition 2016
ML performance >= Human Levels (2017)
https://finnaarupnielsen.wordpress.com/2015/03/15/status-on-human-vs-machines/
2014, Stanford
http://cs.stanford.edu/people/karpathy/deepimagesent/devisagen.pdf
https://gigaom.com/2014/11/18/google-stanford-build-hybrid-neural-networks-that-can-explain-photos/
2016, UMich+Max Plank
https://arxiv.org/pdf/1605.05396.pdf
2017, Cornell + Adobe
https://arxiv.org/abs/1703.07511
2016, Google
https://research.googleblog.com/2016/09/a-neural-network-for-machine.html
2016, Erlangen, Max-
Plank, Stanford
http://www.graphics.stanford.edu/~niessner/papers/2016/1facetoface/thies2016face.pdf
https://www.youtube.com/watch?v=ttGUiwfTYvg
2011
2015
2016
2017
2014
ML Libraries
Food for Thought + Next Steps
Machine Learning: A gentle Introduction
?
Positive Outcomes
Statement by Lee Sedol
Socalizing
 Go to talks, conferences
 Visit meetups (Zurich Machine Learning and Data Science, …)
Increase Context
 Blogs, Twitter, arxiv.org, …
Doing
 GitHub (deeplearning4j/deeplearning4j,
BSI-Business-Systems-Integration-AG/anagnostes, …)
 Learn Python ;-)
Like to learn more?
Thanks!
@ZimMatthias

More Related Content

PPTX
Deep learning: the future of recommendations
PDF
Deep Learning, Where Are You Going?
PDF
Deep Learning: concepts and use cases (October 2018)
PDF
Introduction of Deep Reinforcement Learning
PPTX
AlphaGo: An AI Go player based on deep neural networks and monte carlo tree s...
PDF
How to win data science competitions with Deep Learning
PPTX
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
PPTX
Aaron Roth, Associate Professor, University of Pennsylvania, at MLconf NYC 2017
Deep learning: the future of recommendations
Deep Learning, Where Are You Going?
Deep Learning: concepts and use cases (October 2018)
Introduction of Deep Reinforcement Learning
AlphaGo: An AI Go player based on deep neural networks and monte carlo tree s...
How to win data science competitions with Deep Learning
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
Aaron Roth, Associate Professor, University of Pennsylvania, at MLconf NYC 2017

What's hot (20)

PPTX
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
PDF
Sara Hooker & Sean McPherson, Delta Analytics, at MLconf Seattle 2017
PPTX
Generative Adversarial Networks and Their Applications in Medical Imaging
PDF
Deep Learning for Recommender Systems RecSys2017 Tutorial
PDF
Deep Learning for Personalized Search and Recommender Systems
PPTX
Deep learning to the rescue - solving long standing problems of recommender ...
PDF
Variants of GANs - Jaejun Yoo
PPTX
Artificial Intelligence, Machine Learning and Deep Learning
PDF
Hanie Sedghi, Research Scientist at Allen Institute for Artificial Intelligen...
PPTX
Deep Reinforcement Learning
PPTX
Everyday Machine Intelligence For Your Everyday Applications
PPTX
Reinforcement Learning
PDF
machine learning a gentle introduction 2018 (edited)
PDF
An introduction to deep reinforcement learning
PDF
Prediction of Exchange Rate Using Deep Neural Network
PPTX
"Practical Machine Learning With Ruby" by Iqbal Farabi (ID Ruby Community)
PDF
Introduction to ambient GAN
PDF
Deep Reinforcement Learning: MDP & DQN - Xavier Giro-i-Nieto - UPC Barcelona ...
PPTX
An Introduction to Deep Learning I AWS Dev Day 2018
PDF
Reinforcement Learning (DLAI D7L2 2017 UPC Deep Learning for Artificial Intel...
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
Sara Hooker & Sean McPherson, Delta Analytics, at MLconf Seattle 2017
Generative Adversarial Networks and Their Applications in Medical Imaging
Deep Learning for Recommender Systems RecSys2017 Tutorial
Deep Learning for Personalized Search and Recommender Systems
Deep learning to the rescue - solving long standing problems of recommender ...
Variants of GANs - Jaejun Yoo
Artificial Intelligence, Machine Learning and Deep Learning
Hanie Sedghi, Research Scientist at Allen Institute for Artificial Intelligen...
Deep Reinforcement Learning
Everyday Machine Intelligence For Your Everyday Applications
Reinforcement Learning
machine learning a gentle introduction 2018 (edited)
An introduction to deep reinforcement learning
Prediction of Exchange Rate Using Deep Neural Network
"Practical Machine Learning With Ruby" by Iqbal Farabi (ID Ruby Community)
Introduction to ambient GAN
Deep Reinforcement Learning: MDP & DQN - Xavier Giro-i-Nieto - UPC Barcelona ...
An Introduction to Deep Learning I AWS Dev Day 2018
Reinforcement Learning (DLAI D7L2 2017 UPC Deep Learning for Artificial Intel...
Ad

Similar to Machine Learning: A gentle Introduction (20)

PDF
Main principles of Data Science and Machine Learning
PDF
Overview of machine learning
PDF
Getting started with Machine Learning
PPT
Machine Learning Ch 1.ppt
PPTX
Machine Learning Contents.pptx
PPTX
Deep learning introduction
PPTX
Machine Learning and its types with application
PPTX
Artificial intelligence slides beginners
PPT
Machine Learning Chapter one introduction
PPTX
MachineLearning_Unit-I.pptxScrum.pptxAgile Model.pptxAgile Model.pptxAgile Mo...
PPTX
Computer Design Concepts for Machine Learning
PPTX
Practical ML
PPTX
Machine Learning Presentation - GCELT.pptx
PPT
Overview of Deep Learning and its advantage
PPT
Introduction to Deep Learning presentation
PPT
deepnet-lourentzou.ppt
PPT
Deep learning is a subset of machine learning and AI
PDF
MLT unit 1- Introduction To Machine Learning And types Of ML , Cross Validation
PDF
Applied Machine Learning Basic like Data representation , validation and tet...
PPTX
PHD_PPT_DiptiSharma.pptxhemisphere. These pixels are considered as reference ...
Main principles of Data Science and Machine Learning
Overview of machine learning
Getting started with Machine Learning
Machine Learning Ch 1.ppt
Machine Learning Contents.pptx
Deep learning introduction
Machine Learning and its types with application
Artificial intelligence slides beginners
Machine Learning Chapter one introduction
MachineLearning_Unit-I.pptxScrum.pptxAgile Model.pptxAgile Model.pptxAgile Mo...
Computer Design Concepts for Machine Learning
Practical ML
Machine Learning Presentation - GCELT.pptx
Overview of Deep Learning and its advantage
Introduction to Deep Learning presentation
deepnet-lourentzou.ppt
Deep learning is a subset of machine learning and AI
MLT unit 1- Introduction To Machine Learning And types Of ML , Cross Validation
Applied Machine Learning Basic like Data representation , validation and tet...
PHD_PPT_DiptiSharma.pptxhemisphere. These pixels are considered as reference ...
Ad

Recently uploaded (20)

PDF
The Rise and Fall of 3GPP – Time for a Sabbatical?
PDF
Chapter 3 Spatial Domain Image Processing.pdf
PDF
Building Integrated photovoltaic BIPV_UPV.pdf
PDF
Network Security Unit 5.pdf for BCA BBA.
PPT
“AI and Expert System Decision Support & Business Intelligence Systems”
PPTX
Programs and apps: productivity, graphics, security and other tools
PDF
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
PDF
Machine learning based COVID-19 study performance prediction
PPTX
20250228 LYD VKU AI Blended-Learning.pptx
PPTX
Understanding_Digital_Forensics_Presentation.pptx
PDF
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
PPTX
Detection-First SIEM: Rule Types, Dashboards, and Threat-Informed Strategy
PPTX
ACSFv1EN-58255 AWS Academy Cloud Security Foundations.pptx
PDF
Optimiser vos workloads AI/ML sur Amazon EC2 et AWS Graviton
PDF
Approach and Philosophy of On baking technology
PPTX
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
PDF
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
PPTX
Digital-Transformation-Roadmap-for-Companies.pptx
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
PDF
Electronic commerce courselecture one. Pdf
The Rise and Fall of 3GPP – Time for a Sabbatical?
Chapter 3 Spatial Domain Image Processing.pdf
Building Integrated photovoltaic BIPV_UPV.pdf
Network Security Unit 5.pdf for BCA BBA.
“AI and Expert System Decision Support & Business Intelligence Systems”
Programs and apps: productivity, graphics, security and other tools
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
Machine learning based COVID-19 study performance prediction
20250228 LYD VKU AI Blended-Learning.pptx
Understanding_Digital_Forensics_Presentation.pptx
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
Detection-First SIEM: Rule Types, Dashboards, and Threat-Informed Strategy
ACSFv1EN-58255 AWS Academy Cloud Security Foundations.pptx
Optimiser vos workloads AI/ML sur Amazon EC2 et AWS Graviton
Approach and Philosophy of On baking technology
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
Digital-Transformation-Roadmap-for-Companies.pptx
Dropbox Q2 2025 Financial Results & Investor Presentation
Electronic commerce courselecture one. Pdf

Machine Learning: A gentle Introduction

Editor's Notes

  • #3: You have probably followed the story of the korean wold champion in go loosing against the alphago system built by the guys at deep mind. So, how is playing go different to playing chess from a systems perspective? This is nicely explained in the following video clip The next clip has «demis hassabis» from deepmind taking about the difference of playing go and chess from a human perspective Video 1: What is go and how does it compare to chess? Video 2: As the complexity of go is so much higher than with chess, intuition becomes even more important. Video 3: The last snippet is a high level description of the training of alpha go
  • #4: But of course – as in the case of the chess playing system – there is also a hardware story behind the win of alphago --- AlphaGo was powered by TPUs in the matches against Go world champion, Lee Sedol, enabling it to "think" much faster and look farther ahead between moves. https://cloudplatform.googleblog.com/2016/05/Google-supercharges-machine-learning-tasks-with-custom-chip.html?utm_content=buffer73148&utm_medium=social&utm_source=twitter.com&utm_campaign=buffer
  • #5: The Tensor Processing Units (TPU) are custom built ASIC boards that boost machine learning applications by parallelizing large amounts of low precision matrix computations. This brings around 3 generation of moore’s law making available the processing power today that we could expect to be available 6 years in the future … https://cloudplatform.googleblog.com/2016/05/Google-supercharges-machine-learning-tasks-with-custom-chip.html?utm_content=buffer73148&utm_medium=social&utm_source=twitter.com&utm_campaign=buffer
  • #6: Deep reinforcement learning was used for the Alpha go A milestone article about Atari games was submitted to Nature just 2 years ago The Alpha-Go Paper https://deepmind.com/research/dqn/ http://www.nature.com/nature/journal/v518/n7540/abs/nature14236.html Deep reinforcement learning https://www.nervanasys.com/demystifying-deep-reinforcement-learning/ http://rll.berkeley.edu/deeprlcourse/ tensor flow: https://www.tensorflow.org/
  • #7: https://www.nervanasys.com/demystifying-deep-reinforcement-learning/
  • #8: https://www.nervanasys.com/demystifying-deep-reinforcement-learning/
  • #9: https://github.com/tambetm/simple_dqn Agent implementation https://github.com/tambetm/simple_dqn/blob/master/src/agent.py DQN implementation https://github.com/tambetm/simple_dqn/blob/master/src/deepqnetwork.py https://www.nervanasys.com/openai/ https://github.com/NervanaSystems/neon
  • #10: In the follwing we will Get some stories about where all this came from Talk about the major concepts Do some small demos And have a look at current work that provides a glimpse at the things to come
  • #12: Most boring task and timeconsuming task of most machine learning projects (often > most of the time of a new machine learning project is used to get at the right data and enough data) Most underestimated task But, Good data sets are valuable over many decades
  • #13: movie reviews: sentiment polarity http://www.cs.cornell.edu/People/pabo/movie-review-data/ Handwritten digits: mnist http://yann.lecun.com/exdb/mnist/ breast cancer: wdbc https://archive.ics.uci.edu/ml/datasets/Breast+Cancer+Wisconsin+(Diagnostic) imagenet competition http://image-net.org/challenges/LSVRC/2012/ http://image-net.org/challenges/LSVRC/2012/browse-synsets http://image-net.org/synset?wnid=n12864160 (rosemary) many more data sets http://deeplearning.net/datasets/
  • #15: Massive revival with deep deep learning Classical neural networks Many layers Some tricks Rebranding from neural nets to deep learning
  • #17: more training needed overtrained
  • #19: http://cs229.stanford.edu/schedule.html
  • #20: In the follwing we will Get some stories about where all this came from Talk about the major concepts Do some small demos And have a look at current work that provides a glimpse at the things to come
  • #22: Convolutinoal nn explained http://www.wildml.com/2015/11/understanding-convolutional-neural-networks-for-nlp/?utm_content=bufferfb698&utm_medium=social&utm_source=twitter.com&utm_campaign=buffer http://yann.lecun.com/exdb/mnist/ https://deeplearning4j.org/
  • #23: web online demo https://transcranial.github.io/keras-js/#/mnist-cnn
  • #26: Word2vec model https://github.com/mmihaltz/word2vec-GoogleNews-vectors 3 billion words, 3 million vocabular (incl phrases such as «boston globe») http://mccormickml.com/2016/04/19/word2vec-tutorial-the-skip-gram-model/ 100 billion words from a Google News dataset Original paper (mikolov et al, 2013a) «Efficient Estimation of Word Representations in Vector Space” vector dimensionality 300 and context size 5 https://arxiv.org/pdf/1301.3781.pdf [6 billion tokens, 1 million words in voc] 2nd paper (mikolov et al, 2013b) https://arxiv.org/pdf/1310.4546.pdf []
  • #30: https://finnaarupnielsen.wordpress.com/2015/03/15/status-on-human-vs-machines/ https://www.researchgate.net/publication/220271810_Computers_beat_Humans_at_Single_Character_Recognition_in_Reading_based_Human_Interaction_Proofs_HIPs
  • #31: Also in 2014, researchers started to combine pattern recognition and natural language processing, both based on deep learning Stanford (2014) http://cs.stanford.edu/people/karpathy/deepimagesent/devisagen.pdf Google + stanford (2014) https://gigaom.com/2014/11/18/google-stanford-build-hybrid-neural-networks-that-can-explain-photos/
  • #32: https://arxiv.org/pdf/1605.05396.pdf
  • #33: https://arxiv.org/abs/1703.07511
  • #34: https://research.googleblog.com/2016/09/a-neural-network-for-machine.html paper https://arxiv.org/abs/1609.08144 Newer version (multi-lingual) https://research.googleblog.com/2016/11/zero-shot-translation-with-googles.html
  • #35: face2face http://www.graphics.stanford.edu/~niessner/thies2016face.html video https://www.youtube.com/watch?v=ttGUiwfTYvg paper http://www.graphics.stanford.edu/~niessner/papers/2016/1facetoface/thies2016face.pdf
  • #36: Theano (python) http://deeplearning.net/software/theano/ (2011) Tensorflow (python) https://www.tensorflow.org/ (2015) Keras (Python) https://keras.io/ (2016) Pytorch (python) http://pytorch.org/ (2017) Deeplearning4j (Java) https://deeplearning4j.org/ (2014)
  • #38: Financial times: https://www.ft.com/content/063c1176-d29a-11e5-969e-9d801cf5e15b Medium: https://medium.com/basic-income/deep-learning-is-going-to-teach-us-all-the-lesson-of-our-lives-jobs-are-for-machines-7c6442e37a49#.w1d0sk8dn
  • #39: https://www.stlouisfed.org/on-the-economy/2016/january/jobs-involving-routine-tasks-arent-growing 1. The 90’ Computers getting used everywhere, first industrial roboters (? Need to verify!) 2. 2008 Financial crisis 3. 2017+ Future …
  • #41: arXiv https://arxiv.org/list/stat.ML/current Twitter @StanfordNLP, @OpenAI ‏ @AndrewYNg, @goodfellow_ian, @karpathy, @hugo_larochelle ‏, @ylecun ‏, @dennybritz ‏, @StatMLPapers ‏