SlideShare a Scribd company logo
1 of 55
Download to read offline
Machine Learning & Deep
Learning: A Primer
Poo Kuan Hoong
21st September 2016
Disclaimer: The views and opinions expressed in this slides are those of
the author and do not necessarily reflect the official policy or position
of Multimedia University. Examples of analysis performed within this
slides are only examples. They should not be utilized in real-world
analytic products as they are based only on very limited and dated
open source information. Assumptions made within the analysis are
not reflective of the position of Multimedia University.
Data Science Institute (Multimedia University)
• The Data Science Institute is a research
center based in the Faculty of Computing
& Informatics, Multimedia University.
• The members comprise of expertise
across faculties such as Faculty of
Computing and Informatics, Faculty of
Engineering, Faculty of Management &
Faculty of Information Science and
Technology.
• Conduct research in leading data science
areas including stream mining, video
analytics, machine learning, deep
learning, next generation data
visualization and advanced data
modelling.
Google DeepMind playing Atari Breakout
https://www.youtube.com/watch?v=V1eYniJ0Rnk
Recent breakthrough in Deep Learning…
DeepSee: Automated theft detection with
deep learning
https://www.youtube.com/watch?v=WAC5iutVsZM
Acknowledgement
Andrew Ng: Deep Learning, Self-Taught
Learning and Unsupervised Feature
Learning [Youtube]
Yann LeCun: Deep Learning
Tutorial, ICML, Atlanta, 2013 [PDF]
Geoff Hinton, Yoshua Bengio & Yann LeCun: Deep
Learning: NIPS2015 Tutorial [PDF]
Yoshua Bengio: Theano: A Python
framework for fast computation of
mathematical expressions. [URL]
Outline
• A brief history of machine learning
• Understanding the human brain
• Neural Network: Concept, implementation and challenges
• Deep Belief Network (DBN): Concept and Application
• Convolutional Neural Network (CNN): Concept and Application
• Recurrent Neural Network (RNN): Concept and Application
• Deep Learning: Strengths, weaknesses and applications
• Deep Learning: Platforms, frameworks and libraries
• Demo
Introduction
• In the past 10 years, machine learning and
Artificial Intelligence (AI) have shown
tremendous progress
• The recent success can be attributed to:
• Explosion of data
• Cheap computing cost – CPUs and GPUs
• Improvement of machine learning models
• Much of the current excitement concerns a
subfield of it called “deep learning”.
A brief history of Machine learning
• Most of the machine learning methods are based on supervised
learning
Input
Feature
Representation
Learning Algorithm
A brief history of Machine learning
32 45 21 ..
12 10 45 ..
17 33 36 ..
… … …
12 56 18 ..
92 76 22 ..
33 63 71 ..
… … …
Features Training
Eg. Features of a cat
Cat?
Trainable Feature Hierarchy
Traditional machine perception
• Hand crafted feature extractors
How can we do better?
Human Brain
Auditory Cortex
Auditory cortex learns to see.
(Same rewiring process also
works for touch/ somatosensory
cortex.)
Seeing with tongue
Human Brain
Biological Neuron Artificial Neuron
Neuron/Unit
Weight
Neural Network
• Deep Learning is primarily about neural networks, where a network is
an interconnected web of nodes and edges.
• Neural nets were designed to perform complex tasks, such as the task
of placing objects into categories based on a few attributes.
• Neural nets are highly structured networks, and have three kinds of
layers - an input, an output, and so called hidden layers, which refer
to any layers between the input and the output layers.
• Each node (also called a neuron) in the hidden and output layers has
a classifier.
Neural Network
Neural Network: Forward Propagation
• The input neurons first receive the
data features of the object. After
processing the data, they send their
output to the first hidden layer.
• The hidden layer processes this output
and sends the results to the next
hidden layer.
• This continues until the data reaches
the final output layer, where the
output value determines the object's
classification.
• This entire process is known as
Forward Propagation, or Forward prop.
Neural Network: Backward Propagation
• To train a neural network over a large set of labelled data, you must
continuously compute the difference between the network’s
predicted output and the actual output.
• This difference is called the cost, and the process for training a net is
known as backpropagation, or backprop
• During backprop, weights and biases are tweaked slightly until the
lowest possible cost is achieved.
• An important aspect of this process is the gradient, which is a
measure of how much the cost changes with respect to a change in a
weight or bias value.
The 1990s view of what was wrong with back-
propagation
• Required a lot of labeled training data for supervised
learning
• Almost all data is unlabeled
Labeled Training
Data
• Learning time did not scale well
• Very slow with multiple hidden layersSlow processing
• No proper machine learning models
Machine
Learning models
Deep Belief Network (DBN)
• The Deep Belief Network, or DBN,
was also conceived by Geoff Hinton.
• Used by Google for their work on the
image recognition problem.
• DBN is trained two layers at a time,
and these two layers are treated like
an RBM.
• Throughout the net, the hidden layer
of an RBM acts as the input layer of
the adjacent one. So the first RBM is
trained, and its outputs are then
used as inputs to the next RBM. This
procedure is repeated until the
output layer is reached.
Deep Belief Network (DBN)
• DBN is capable of recognizing the inherent patterns in the data.
• Each layer ends up learning the full input structure
• Layers generally learn progressively complex patterns – for facial
recognition, early layers could detect edges and later layers
would combine them to form facial features.
Multilayer
features
extractor
• Labeled data will be used with supervised learning to fine tune
the result
• However, small set of labeled examples is required
Requires set
of labels
data
Deep Neural Network (Deep Net)
Convolutional Neural Network (CNN)
• CNN inspired by the Visual Cortex.
• CNNs are deep nets that are used for image, object, and even speech
recognition.
• Pioneered by Yann Lecun (NYU)
• Deep supervised neural networks are generally too difficult to train.
• CNNs have multiple types of layers, the first of which is the
convolutional layer.
Convolutional Neural Network (CNN)
• A series of filters forms layer one, called the convolutional layer. The weights and
biases in this layer determine the effectiveness of the filtering process.
• Each flashlight represents a single neuron. Typically, neurons in a layer activate or
fire. On the other hand, in the convolutional layer, neurons search for patterns
through convolution. Neurons from different filters search for different patterns,
and thus they will process the input differently.
Filter 2/ Neural 2
W1=10
W3=4
W2=5
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
Eight ILSVRC-2010 test images and the five
labels considered most probable by CNN
model.
https://papers.nips.cc/paper/4824-imagenet-
classification-with-deep-convolutional-neural-
networks.pdf
CNN: Application
• Classify a scene in an image
• Image Classifier Demo (NYU): http://horatio.cs.nyu.edu/
• Describe or understanding an image
• Toronto Deep Learning Demo: http://deeplearning.cs.toronto.edu/i2t
• MIT Scene Recognition Demo: http://places.csail.mit.edu/demo.html
• Handwriting recognition
• Handwritten digits recognition:
http://cs.stanford.edu/people/karpathy/convnetjs/demo/mnist.html
• Video classification
• Large-scale Video Classification with Convolutional Neural Networks
http://cs.stanford.edu/people/karpathy/deepvideo/
Recurrent Neural Network (RNN)
• The Recurrent Neural Net (RNN) is
the brainchild of Juergen
Schmidhuber and Sepp Hochreiter.
• RNNs have a feedback loop where
the net’s output is fed back into
the net along with the next input.
• RNNs receive an input and produce
an output. Unlike other nets, the
inputs and outputs can come in a
sequence.
• Variant of RNN is Long Term Short
Memory (LSTM)
RNN: Application
• RNN is suitable for time series data, where an output can be the next
value in a sequence, or the next several values
Image captioning Document Classification Classify Image frame by
frame
RNN: Application
RNN: Application
Baidu Eye
https://www.youtube.com/watch?v=Xe5RcJ1JY3c
Deep Learning: Benefits
Robust
• No need to
design the
features
ahead of time
Generalizable
• The same
neural net
approach can
be used for
many
different
applications
and data
types
Scalable
• Performance
improves with
more data,
method is
massively
parallelizable
Deep Learning: Weaknesses
Requires large
dataset
• Large dataset
hence long
training period
• Sometimes it is
easier to use
existing Machine
Learning methods
like SVM or
Decision Trees
Tend to learn
everything
• Prior knowledge is
required for better
accuracy
Good understanding
of DL models
• Compared to
traditional
methods, often
the learned
features are
difficult to
understand
Deep Learning: Application in our daily lives
Facebook’s DeepFace Recognition has accuracy of 97.25%
http://www.forbes.com/sites/amitchowdhry/2014/03/18/facebooks-deepface-software-can-match-faces-with-
97-25-accuracy/#5408054127e5
Photos search
Google Photos Search for Photos from your
iPhone
Voice Recognition
Deep Learning: Applications
Advanced Deep Learning Application
https://deepmind.com/alpha-go http://places.csail.mit.edu/demo.html
Robotic grasping
Pedestrian detection using DL
WaveNet: A Generative Model for Raw Audio
Platform
• H20 – deep learning
framework that comes
with R and Python
interfaces
[http://www.h2o.ai/vertic
als/algos/deep-learning/]
Deep Learning: Platform & Frameworks &
Libraries
Deep Learning: Platform & Frameworks &
Libraries
Framework
• Caffe - deep learning
framework made with
expression, speed, and
modularity in mind.
Developed by the
Berkeley Vision and
Learning Center (BVLC)
[http://caffe.berkeleyvi
sion.org/]
Deep Learning: Platform & Frameworks &
Libraries
Framework
• Torch - scientific computing
framework with wide support
for machine learning
algorithms that puts GPUs
first. Based on Lua
programming language
[http://torch.ch/]
Deep Learning: Platform & Frameworks &
Libraries
Library
• Tensorflow - open source
software library for
numerical computation
using data flow graphs from
Google
[https://www.tensorflow.or
g/]
Deep Learning: Platform & Frameworks &
Libraries
Library
• Theano - a python library
developed by Yoshua
Bengio’s team
[http://deeplearning.net
/software/theano/]
Deep Learning: Platform & Frameworks &
Libraries
Library
• Microsoft/CNTK:
Computational Network Toolkit
https://github.com/Microsoft/
CNTK
Deep Learning: Platform & Frameworks &
Libraries
Library
• Baidu’s PaddlePaddle:
Deep Learning AI Platform
https://github.com/baidu/
Paddle
Learned Models
• Trained Models can be shared with others
• Save the training time
• For example: AlexNet (2012: 5 conv layers & 3 conn layers),
GoogLeNet (2014: 22 layers deep network), ParseNet (2015) , etc
• URLs:
• https://github.com/BVLC/caffe/wiki/Model-Zoo
• http://deeplearning4j.org/model-zoo
The future…
The future…
Thanks!
Questions?
@kuanhoong
https://www.linkedin.com/in/kuanhoong
kuanhoong@gmail.com

More Related Content

What's hot

An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningDavid Rostcheck
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning TutorialAmr Rashed
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual IntroductionLukas Masuch
 
Deep Learning: a birds eye view
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye viewRoelof Pieters
 
Deep learning intro
Deep learning introDeep learning intro
Deep learning introbeamandrew
 
From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxChun-Hao Chang
 
Intro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionIntro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionChristoph Körner
 
Deep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsDeep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsBuhwan Jeong
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learningleopauly
 
Introduction of Deep Learning
Introduction of Deep LearningIntroduction of Deep Learning
Introduction of Deep LearningMyungjin Lee
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOleg Mygryn
 
Deep Learning - Overview of my work II
Deep Learning - Overview of my work IIDeep Learning - Overview of my work II
Deep Learning - Overview of my work IIMohamed Loey
 
Yann le cun
Yann le cunYann le cun
Yann le cunYandex
 
Deep learning in Computer Vision
Deep learning in Computer VisionDeep learning in Computer Vision
Deep learning in Computer VisionDavid Dao
 
Deep Learning
Deep LearningDeep Learning
Deep LearningJun Wang
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & OpportunityiTrain
 

What's hot (20)

An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
Tutorial on Deep Learning
Tutorial on Deep LearningTutorial on Deep Learning
Tutorial on Deep Learning
 
Deep Learning: a birds eye view
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye view
 
Deep learning intro
Deep learning introDeep learning intro
Deep learning intro
 
From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptx
 
Intro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionIntro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer Vision
 
Deep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsDeep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applications
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Introduction of Deep Learning
Introduction of Deep LearningIntroduction of Deep Learning
Introduction of Deep Learning
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep Learning - Overview of my work II
Deep Learning - Overview of my work IIDeep Learning - Overview of my work II
Deep Learning - Overview of my work II
 
Yann le cun
Yann le cunYann le cun
Yann le cun
 
Deep learning in Computer Vision
Deep learning in Computer VisionDeep learning in Computer Vision
Deep learning in Computer Vision
 
Deep learning
Deep learningDeep learning
Deep learning
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & Opportunity
 

Viewers also liked

Introduction to machinel learning and deep learning
Introduction to machinel learning and deep learningIntroduction to machinel learning and deep learning
Introduction to machinel learning and deep learningIbrahim Amer
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionTe-Yen Liu
 
Introduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep LearningIntroduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep LearningTerry Taewoong Um
 
Growing the Digital Economy from a National Perspective
Growing the Digital Economy from a National PerspectiveGrowing the Digital Economy from a National Perspective
Growing the Digital Economy from a National PerspectiveSyahida Ismail
 
Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali
Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali
Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali Assespro Nacional
 
Data science in_action
Data science in_actionData science in_action
Data science in_actionJi Li
 
Machine Learning, Deep Learning how to use in civic tehnology
Machine Learning, Deep Learning how to use in civic tehnologyMachine Learning, Deep Learning how to use in civic tehnology
Machine Learning, Deep Learning how to use in civic tehnologyKaz Furukawa
 
Machine Learning and Deep Contemplation of Data
Machine Learning and Deep Contemplation of DataMachine Learning and Deep Contemplation of Data
Machine Learning and Deep Contemplation of DataJoel Saltz
 
Customer attrition and churn modeling
Customer attrition and churn modelingCustomer attrition and churn modeling
Customer attrition and churn modelingMariya Korsakova
 
MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2
MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2
MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2iTrain
 
Jeff Johnson, Research Engineer, Facebook at MLconf NYC
Jeff Johnson, Research Engineer, Facebook at MLconf NYCJeff Johnson, Research Engineer, Facebook at MLconf NYC
Jeff Johnson, Research Engineer, Facebook at MLconf NYCMLconf
 
Developing an Outsourcing Industry
Developing an Outsourcing IndustryDeveloping an Outsourcing Industry
Developing an Outsourcing IndustryRob Cayzer
 
South East Asia and Malaysia (Deep Dive) Startup Ecosystem 2016 - An Overview
South East Asia and Malaysia (Deep Dive) Startup Ecosystem  2016 - An OverviewSouth East Asia and Malaysia (Deep Dive) Startup Ecosystem  2016 - An Overview
South East Asia and Malaysia (Deep Dive) Startup Ecosystem 2016 - An OverviewERIC TAN
 
Churn model for telecom
Churn model for telecomChurn model for telecom
Churn model for telecomAmit Kumar
 
Analytics, KPIs for effective Churn & Loyalty management
Analytics, KPIs for effective Churn & Loyalty managementAnalytics, KPIs for effective Churn & Loyalty management
Analytics, KPIs for effective Churn & Loyalty managementEhtisham Rao
 
Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...
Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...
Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...Fadzliaton Zainudin
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with RPoo Kuan Hoong
 
Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016
Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016
Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016MLconf
 

Viewers also liked (20)

Introduction to machinel learning and deep learning
Introduction to machinel learning and deep learningIntroduction to machinel learning and deep learning
Introduction to machinel learning and deep learning
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
 
Introduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep LearningIntroduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep Learning
 
Deep Learning in a nutshell
Deep Learning in a nutshellDeep Learning in a nutshell
Deep Learning in a nutshell
 
Growing the Digital Economy from a National Perspective
Growing the Digital Economy from a National PerspectiveGrowing the Digital Economy from a National Perspective
Growing the Digital Economy from a National Perspective
 
SME Forum deck rev4
SME Forum deck rev4SME Forum deck rev4
SME Forum deck rev4
 
Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali
Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali
Malaysia; Multimedia Development Corporation (MDeC), Datuk Badlisham Ghazali
 
Data science in_action
Data science in_actionData science in_action
Data science in_action
 
Machine Learning, Deep Learning how to use in civic tehnology
Machine Learning, Deep Learning how to use in civic tehnologyMachine Learning, Deep Learning how to use in civic tehnology
Machine Learning, Deep Learning how to use in civic tehnology
 
Machine Learning and Deep Contemplation of Data
Machine Learning and Deep Contemplation of DataMachine Learning and Deep Contemplation of Data
Machine Learning and Deep Contemplation of Data
 
Customer attrition and churn modeling
Customer attrition and churn modelingCustomer attrition and churn modeling
Customer attrition and churn modeling
 
MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2
MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2
MDEC Fintech Developer Bootcamp - Fintech Masterclass Day 2
 
Jeff Johnson, Research Engineer, Facebook at MLconf NYC
Jeff Johnson, Research Engineer, Facebook at MLconf NYCJeff Johnson, Research Engineer, Facebook at MLconf NYC
Jeff Johnson, Research Engineer, Facebook at MLconf NYC
 
Developing an Outsourcing Industry
Developing an Outsourcing IndustryDeveloping an Outsourcing Industry
Developing an Outsourcing Industry
 
South East Asia and Malaysia (Deep Dive) Startup Ecosystem 2016 - An Overview
South East Asia and Malaysia (Deep Dive) Startup Ecosystem  2016 - An OverviewSouth East Asia and Malaysia (Deep Dive) Startup Ecosystem  2016 - An Overview
South East Asia and Malaysia (Deep Dive) Startup Ecosystem 2016 - An Overview
 
Churn model for telecom
Churn model for telecomChurn model for telecom
Churn model for telecom
 
Analytics, KPIs for effective Churn & Loyalty management
Analytics, KPIs for effective Churn & Loyalty managementAnalytics, KPIs for effective Churn & Loyalty management
Analytics, KPIs for effective Churn & Loyalty management
 
Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...
Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...
Enhancing Students’ Higher Order Thinking Skills (HOTS) via Computational Thi...
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with R
 
Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016
Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016
Teresa Larsen, Founder & Director, ScientificLiteracy.org at MLconf ATL 2016
 

Similar to MDEC Data Matters Series: machine learning and Deep Learning, A Primer

Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningAmr Rashed
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearningEyad Alshami
 
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...Impetus Technologies
 
Deep learning: the future of recommendations
Deep learning: the future of recommendationsDeep learning: the future of recommendations
Deep learning: the future of recommendationsBalázs Hidasi
 
Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0Joe Xing
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural NetworksDean Wyatte
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep LearningYaminiAlapati1
 
deeplearning
deeplearningdeeplearning
deeplearninghuda2018
 
Deep learning health care
Deep learning health care  Deep learning health care
Deep learning health care Meenakshi Sood
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101Felipe Prado
 
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
 
softcomputing.pptx
softcomputing.pptxsoftcomputing.pptx
softcomputing.pptxKaviya452563
 
DLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningDLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningBrodmann17
 
Synthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep LearningSynthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep LearningS N
 
Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Amr Rashed
 

Similar to MDEC Data Matters Series: machine learning and Deep Learning, A Primer (20)

Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearning
 
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
 
Deep learning: the future of recommendations
Deep learning: the future of recommendationsDeep learning: the future of recommendations
Deep learning: the future of recommendations
 
Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0
 
Neural Networks-1
Neural Networks-1Neural Networks-1
Neural Networks-1
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural Networks
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
 
deeplearning
deeplearningdeeplearning
deeplearning
 
Phx dl meetup
Phx dl meetupPhx dl meetup
Phx dl meetup
 
Development of Deep Learning Architecture
Development of Deep Learning ArchitectureDevelopment of Deep Learning Architecture
Development of Deep Learning Architecture
 
AINL 2016: Filchenkov
AINL 2016: FilchenkovAINL 2016: Filchenkov
AINL 2016: Filchenkov
 
Deep learning health care
Deep learning health care  Deep learning health care
Deep learning health care
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101
 
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
 
softcomputing.pptx
softcomputing.pptxsoftcomputing.pptx
softcomputing.pptx
 
DLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningDLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep Learning
 
Synthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep LearningSynthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep Learning
 
Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019
 

More from Poo Kuan Hoong

Build an efficient Machine Learning model with LightGBM
Build an efficient Machine Learning model with LightGBMBuild an efficient Machine Learning model with LightGBM
Build an efficient Machine Learning model with LightGBMPoo Kuan Hoong
 
Tensor flow 2.0 what's new
Tensor flow 2.0  what's newTensor flow 2.0  what's new
Tensor flow 2.0 what's newPoo Kuan Hoong
 
The future outlook and the path to be Data Scientist
The future outlook and the path to be Data ScientistThe future outlook and the path to be Data Scientist
The future outlook and the path to be Data ScientistPoo Kuan Hoong
 
Data Driven Organization and Data Commercialization
Data Driven Organization and Data CommercializationData Driven Organization and Data Commercialization
Data Driven Organization and Data CommercializationPoo Kuan Hoong
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewPoo Kuan Hoong
 
Explore and Have Fun with TensorFlow: Transfer Learning
Explore and Have Fun with TensorFlow: Transfer LearningExplore and Have Fun with TensorFlow: Transfer Learning
Explore and Have Fun with TensorFlow: Transfer LearningPoo Kuan Hoong
 
Explore and have fun with TensorFlow: An introductory to TensorFlow
Explore and have fun with TensorFlow: An introductory	to TensorFlowExplore and have fun with TensorFlow: An introductory	to TensorFlow
Explore and have fun with TensorFlow: An introductory to TensorFlowPoo Kuan Hoong
 
The path to be a Data Scientist
The path to be a Data ScientistThe path to be a Data Scientist
The path to be a Data ScientistPoo Kuan Hoong
 
Deep Learning with Microsoft R Open
Deep Learning with Microsoft R OpenDeep Learning with Microsoft R Open
Deep Learning with Microsoft R OpenPoo Kuan Hoong
 
Microsoft APAC Machine Learning & Data Science Community Bootcamp
Microsoft APAC Machine Learning & Data Science Community BootcampMicrosoft APAC Machine Learning & Data Science Community Bootcamp
Microsoft APAC Machine Learning & Data Science Community BootcampPoo Kuan Hoong
 
Customer Churn Analytics using Microsoft R Open
Customer Churn Analytics using Microsoft R OpenCustomer Churn Analytics using Microsoft R Open
Customer Churn Analytics using Microsoft R OpenPoo Kuan Hoong
 
The path to be a data scientist
The path to be a data scientistThe path to be a data scientist
The path to be a data scientistPoo Kuan Hoong
 
Machine learning and big data
Machine learning and big dataMachine learning and big data
Machine learning and big dataPoo Kuan Hoong
 
Context Aware Road Traffic Speech Information System from Social Media
Context Aware Road Traffic Speech Information System from Social MediaContext Aware Road Traffic Speech Information System from Social Media
Context Aware Road Traffic Speech Information System from Social MediaPoo Kuan Hoong
 
Virtual Interaction Using Myo And Google Cardboard (slides)
Virtual Interaction Using Myo And Google Cardboard (slides)Virtual Interaction Using Myo And Google Cardboard (slides)
Virtual Interaction Using Myo And Google Cardboard (slides)Poo Kuan Hoong
 
A Comparative Study of HITS vs PageRank Algorithms for Twitter Users Analysis
A Comparative Study of HITS vs PageRank Algorithms for Twitter Users AnalysisA Comparative Study of HITS vs PageRank Algorithms for Twitter Users Analysis
A Comparative Study of HITS vs PageRank Algorithms for Twitter Users AnalysisPoo Kuan Hoong
 
Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...
Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...
Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...Poo Kuan Hoong
 
Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...
Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...
Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...Poo Kuan Hoong
 
A Comparison of People Counting Techniques via Video Scene Analysis
A Comparison of People Counting Techniques viaVideo Scene AnalysisA Comparison of People Counting Techniques viaVideo Scene Analysis
A Comparison of People Counting Techniques via Video Scene AnalysisPoo Kuan Hoong
 

More from Poo Kuan Hoong (20)

Build an efficient Machine Learning model with LightGBM
Build an efficient Machine Learning model with LightGBMBuild an efficient Machine Learning model with LightGBM
Build an efficient Machine Learning model with LightGBM
 
Tensor flow 2.0 what's new
Tensor flow 2.0  what's newTensor flow 2.0  what's new
Tensor flow 2.0 what's new
 
The future outlook and the path to be Data Scientist
The future outlook and the path to be Data ScientistThe future outlook and the path to be Data Scientist
The future outlook and the path to be Data Scientist
 
Data Driven Organization and Data Commercialization
Data Driven Organization and Data CommercializationData Driven Organization and Data Commercialization
Data Driven Organization and Data Commercialization
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An Overview
 
Explore and Have Fun with TensorFlow: Transfer Learning
Explore and Have Fun with TensorFlow: Transfer LearningExplore and Have Fun with TensorFlow: Transfer Learning
Explore and Have Fun with TensorFlow: Transfer Learning
 
Deep Learning with R
Deep Learning with RDeep Learning with R
Deep Learning with R
 
Explore and have fun with TensorFlow: An introductory to TensorFlow
Explore and have fun with TensorFlow: An introductory	to TensorFlowExplore and have fun with TensorFlow: An introductory	to TensorFlow
Explore and have fun with TensorFlow: An introductory to TensorFlow
 
The path to be a Data Scientist
The path to be a Data ScientistThe path to be a Data Scientist
The path to be a Data Scientist
 
Deep Learning with Microsoft R Open
Deep Learning with Microsoft R OpenDeep Learning with Microsoft R Open
Deep Learning with Microsoft R Open
 
Microsoft APAC Machine Learning & Data Science Community Bootcamp
Microsoft APAC Machine Learning & Data Science Community BootcampMicrosoft APAC Machine Learning & Data Science Community Bootcamp
Microsoft APAC Machine Learning & Data Science Community Bootcamp
 
Customer Churn Analytics using Microsoft R Open
Customer Churn Analytics using Microsoft R OpenCustomer Churn Analytics using Microsoft R Open
Customer Churn Analytics using Microsoft R Open
 
The path to be a data scientist
The path to be a data scientistThe path to be a data scientist
The path to be a data scientist
 
Machine learning and big data
Machine learning and big dataMachine learning and big data
Machine learning and big data
 
Context Aware Road Traffic Speech Information System from Social Media
Context Aware Road Traffic Speech Information System from Social MediaContext Aware Road Traffic Speech Information System from Social Media
Context Aware Road Traffic Speech Information System from Social Media
 
Virtual Interaction Using Myo And Google Cardboard (slides)
Virtual Interaction Using Myo And Google Cardboard (slides)Virtual Interaction Using Myo And Google Cardboard (slides)
Virtual Interaction Using Myo And Google Cardboard (slides)
 
A Comparative Study of HITS vs PageRank Algorithms for Twitter Users Analysis
A Comparative Study of HITS vs PageRank Algorithms for Twitter Users AnalysisA Comparative Study of HITS vs PageRank Algorithms for Twitter Users Analysis
A Comparative Study of HITS vs PageRank Algorithms for Twitter Users Analysis
 
Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...
Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...
Towards Auto-Extracting Car Park Structures: Image Processing Approach on Low...
 
Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...
Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...
Discovery of Twitter User Interestingness Based on Retweets, Reply Mentions a...
 
A Comparison of People Counting Techniques via Video Scene Analysis
A Comparison of People Counting Techniques viaVideo Scene AnalysisA Comparison of People Counting Techniques viaVideo Scene Analysis
A Comparison of People Counting Techniques via Video Scene Analysis
 

Recently uploaded

How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?XfilesPro
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Allon Mureinik
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksSoftradix Technologies
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsHyundai Motor Group
 
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationSafe Software
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machinePadma Pradeep
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):comworks
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxnull - The Open Security Community
 
Maximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptxMaximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptxOnBoard
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure servicePooja Nehwal
 
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Alan Dix
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationRidwan Fadjar
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 

Recently uploaded (20)

How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?How to Remove Document Management Hurdles with X-Docs?
How to Remove Document Management Hurdles with X-Docs?
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping Elbows
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other Frameworks
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
 
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machine
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
The transition to renewables in India.pdf
The transition to renewables in India.pdfThe transition to renewables in India.pdf
The transition to renewables in India.pdf
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):
 
Vulnerability_Management_GRC_by Sohang Sengupta.pptx
Vulnerability_Management_GRC_by Sohang Sengupta.pptxVulnerability_Management_GRC_by Sohang Sengupta.pptx
Vulnerability_Management_GRC_by Sohang Sengupta.pptx
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
 
Maximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptxMaximizing Board Effectiveness 2024 Webinar.pptx
Maximizing Board Effectiveness 2024 Webinar.pptx
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
 
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 Presentation
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 

MDEC Data Matters Series: machine learning and Deep Learning, A Primer

  • 1. Machine Learning & Deep Learning: A Primer Poo Kuan Hoong 21st September 2016
  • 2. Disclaimer: The views and opinions expressed in this slides are those of the author and do not necessarily reflect the official policy or position of Multimedia University. Examples of analysis performed within this slides are only examples. They should not be utilized in real-world analytic products as they are based only on very limited and dated open source information. Assumptions made within the analysis are not reflective of the position of Multimedia University.
  • 3. Data Science Institute (Multimedia University) • The Data Science Institute is a research center based in the Faculty of Computing & Informatics, Multimedia University. • The members comprise of expertise across faculties such as Faculty of Computing and Informatics, Faculty of Engineering, Faculty of Management & Faculty of Information Science and Technology. • Conduct research in leading data science areas including stream mining, video analytics, machine learning, deep learning, next generation data visualization and advanced data modelling.
  • 4. Google DeepMind playing Atari Breakout https://www.youtube.com/watch?v=V1eYniJ0Rnk
  • 5. Recent breakthrough in Deep Learning…
  • 6. DeepSee: Automated theft detection with deep learning https://www.youtube.com/watch?v=WAC5iutVsZM
  • 7. Acknowledgement Andrew Ng: Deep Learning, Self-Taught Learning and Unsupervised Feature Learning [Youtube] Yann LeCun: Deep Learning Tutorial, ICML, Atlanta, 2013 [PDF] Geoff Hinton, Yoshua Bengio & Yann LeCun: Deep Learning: NIPS2015 Tutorial [PDF] Yoshua Bengio: Theano: A Python framework for fast computation of mathematical expressions. [URL]
  • 8. Outline • A brief history of machine learning • Understanding the human brain • Neural Network: Concept, implementation and challenges • Deep Belief Network (DBN): Concept and Application • Convolutional Neural Network (CNN): Concept and Application • Recurrent Neural Network (RNN): Concept and Application • Deep Learning: Strengths, weaknesses and applications • Deep Learning: Platforms, frameworks and libraries • Demo
  • 9. Introduction • In the past 10 years, machine learning and Artificial Intelligence (AI) have shown tremendous progress • The recent success can be attributed to: • Explosion of data • Cheap computing cost – CPUs and GPUs • Improvement of machine learning models • Much of the current excitement concerns a subfield of it called “deep learning”.
  • 10. A brief history of Machine learning • Most of the machine learning methods are based on supervised learning Input Feature Representation Learning Algorithm
  • 11. A brief history of Machine learning 32 45 21 .. 12 10 45 .. 17 33 36 .. … … … 12 56 18 .. 92 76 22 .. 33 63 71 .. … … …
  • 14. Cat?
  • 16. Traditional machine perception • Hand crafted feature extractors
  • 17. How can we do better?
  • 18. Human Brain Auditory Cortex Auditory cortex learns to see. (Same rewiring process also works for touch/ somatosensory cortex.) Seeing with tongue
  • 19. Human Brain Biological Neuron Artificial Neuron Neuron/Unit Weight
  • 20. Neural Network • Deep Learning is primarily about neural networks, where a network is an interconnected web of nodes and edges. • Neural nets were designed to perform complex tasks, such as the task of placing objects into categories based on a few attributes. • Neural nets are highly structured networks, and have three kinds of layers - an input, an output, and so called hidden layers, which refer to any layers between the input and the output layers. • Each node (also called a neuron) in the hidden and output layers has a classifier.
  • 22. Neural Network: Forward Propagation • The input neurons first receive the data features of the object. After processing the data, they send their output to the first hidden layer. • The hidden layer processes this output and sends the results to the next hidden layer. • This continues until the data reaches the final output layer, where the output value determines the object's classification. • This entire process is known as Forward Propagation, or Forward prop.
  • 23. Neural Network: Backward Propagation • To train a neural network over a large set of labelled data, you must continuously compute the difference between the network’s predicted output and the actual output. • This difference is called the cost, and the process for training a net is known as backpropagation, or backprop • During backprop, weights and biases are tweaked slightly until the lowest possible cost is achieved. • An important aspect of this process is the gradient, which is a measure of how much the cost changes with respect to a change in a weight or bias value.
  • 24. The 1990s view of what was wrong with back- propagation • Required a lot of labeled training data for supervised learning • Almost all data is unlabeled Labeled Training Data • Learning time did not scale well • Very slow with multiple hidden layersSlow processing • No proper machine learning models Machine Learning models
  • 25. Deep Belief Network (DBN) • The Deep Belief Network, or DBN, was also conceived by Geoff Hinton. • Used by Google for their work on the image recognition problem. • DBN is trained two layers at a time, and these two layers are treated like an RBM. • Throughout the net, the hidden layer of an RBM acts as the input layer of the adjacent one. So the first RBM is trained, and its outputs are then used as inputs to the next RBM. This procedure is repeated until the output layer is reached.
  • 26. Deep Belief Network (DBN) • DBN is capable of recognizing the inherent patterns in the data. • Each layer ends up learning the full input structure • Layers generally learn progressively complex patterns – for facial recognition, early layers could detect edges and later layers would combine them to form facial features. Multilayer features extractor • Labeled data will be used with supervised learning to fine tune the result • However, small set of labeled examples is required Requires set of labels data
  • 27. Deep Neural Network (Deep Net)
  • 28. Convolutional Neural Network (CNN) • CNN inspired by the Visual Cortex. • CNNs are deep nets that are used for image, object, and even speech recognition. • Pioneered by Yann Lecun (NYU) • Deep supervised neural networks are generally too difficult to train. • CNNs have multiple types of layers, the first of which is the convolutional layer.
  • 29. Convolutional Neural Network (CNN) • A series of filters forms layer one, called the convolutional layer. The weights and biases in this layer determine the effectiveness of the filtering process. • Each flashlight represents a single neuron. Typically, neurons in a layer activate or fire. On the other hand, in the convolutional layer, neurons search for patterns through convolution. Neurons from different filters search for different patterns, and thus they will process the input differently. Filter 2/ Neural 2 W1=10 W3=4 W2=5
  • 31. Convolutional Neural Network (CNN) Eight ILSVRC-2010 test images and the five labels considered most probable by CNN model. https://papers.nips.cc/paper/4824-imagenet- classification-with-deep-convolutional-neural- networks.pdf
  • 32. CNN: Application • Classify a scene in an image • Image Classifier Demo (NYU): http://horatio.cs.nyu.edu/ • Describe or understanding an image • Toronto Deep Learning Demo: http://deeplearning.cs.toronto.edu/i2t • MIT Scene Recognition Demo: http://places.csail.mit.edu/demo.html • Handwriting recognition • Handwritten digits recognition: http://cs.stanford.edu/people/karpathy/convnetjs/demo/mnist.html • Video classification • Large-scale Video Classification with Convolutional Neural Networks http://cs.stanford.edu/people/karpathy/deepvideo/
  • 33. Recurrent Neural Network (RNN) • The Recurrent Neural Net (RNN) is the brainchild of Juergen Schmidhuber and Sepp Hochreiter. • RNNs have a feedback loop where the net’s output is fed back into the net along with the next input. • RNNs receive an input and produce an output. Unlike other nets, the inputs and outputs can come in a sequence. • Variant of RNN is Long Term Short Memory (LSTM)
  • 34. RNN: Application • RNN is suitable for time series data, where an output can be the next value in a sequence, or the next several values Image captioning Document Classification Classify Image frame by frame
  • 38. Deep Learning: Benefits Robust • No need to design the features ahead of time Generalizable • The same neural net approach can be used for many different applications and data types Scalable • Performance improves with more data, method is massively parallelizable
  • 39. Deep Learning: Weaknesses Requires large dataset • Large dataset hence long training period • Sometimes it is easier to use existing Machine Learning methods like SVM or Decision Trees Tend to learn everything • Prior knowledge is required for better accuracy Good understanding of DL models • Compared to traditional methods, often the learned features are difficult to understand
  • 40. Deep Learning: Application in our daily lives Facebook’s DeepFace Recognition has accuracy of 97.25% http://www.forbes.com/sites/amitchowdhry/2014/03/18/facebooks-deepface-software-can-match-faces-with- 97-25-accuracy/#5408054127e5
  • 41. Photos search Google Photos Search for Photos from your iPhone
  • 44. Advanced Deep Learning Application https://deepmind.com/alpha-go http://places.csail.mit.edu/demo.html Robotic grasping Pedestrian detection using DL WaveNet: A Generative Model for Raw Audio
  • 45. Platform • H20 – deep learning framework that comes with R and Python interfaces [http://www.h2o.ai/vertic als/algos/deep-learning/] Deep Learning: Platform & Frameworks & Libraries
  • 46. Deep Learning: Platform & Frameworks & Libraries Framework • Caffe - deep learning framework made with expression, speed, and modularity in mind. Developed by the Berkeley Vision and Learning Center (BVLC) [http://caffe.berkeleyvi sion.org/]
  • 47. Deep Learning: Platform & Frameworks & Libraries Framework • Torch - scientific computing framework with wide support for machine learning algorithms that puts GPUs first. Based on Lua programming language [http://torch.ch/]
  • 48. Deep Learning: Platform & Frameworks & Libraries Library • Tensorflow - open source software library for numerical computation using data flow graphs from Google [https://www.tensorflow.or g/]
  • 49. Deep Learning: Platform & Frameworks & Libraries Library • Theano - a python library developed by Yoshua Bengio’s team [http://deeplearning.net /software/theano/]
  • 50. Deep Learning: Platform & Frameworks & Libraries Library • Microsoft/CNTK: Computational Network Toolkit https://github.com/Microsoft/ CNTK
  • 51. Deep Learning: Platform & Frameworks & Libraries Library • Baidu’s PaddlePaddle: Deep Learning AI Platform https://github.com/baidu/ Paddle
  • 52. Learned Models • Trained Models can be shared with others • Save the training time • For example: AlexNet (2012: 5 conv layers & 3 conn layers), GoogLeNet (2014: 22 layers deep network), ParseNet (2015) , etc • URLs: • https://github.com/BVLC/caffe/wiki/Model-Zoo • http://deeplearning4j.org/model-zoo