Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                
SlideShare a Scribd company logo
Introduction to Deep Learning
Poo Kuan Hoong
19th July 2016
Data Science Institute
• 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
Google DeepMind Alphago
Baidu eye
https://www.youtube.com/watch?v=Xe5RcJ1JY3c
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]
Andrej Karpathy: Visualizing and
Understanding Recurrent Networks, ICLR
2016, [PDF]
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 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
Trainable Feature Hierarchy
Traditional machine perception
• Hand crafted feature extractors
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
• It required a lot of labelled training data
• almost all data is unlabeled
• The learning time did not scale well
• It was very slow in networks with multiple hidden layers.
• It got stuck at local optima
• These were often surprisingly good but there was no good theory
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. In
other words, it’s a sophisticated, multilayer feature extractor.
• The unique aspect of this type of net is that 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.
• DBN learns the hidden patterns globally, like a camera slowly bringing
an image into focus.
• DBN still requires a set of labels to apply to the resulting patterns. As
a final step, the DBN is fine-tuned with supervised learning and a
small set of labeled examples.
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)
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
Classify Image frame by
frame
Image captioning Document Classification
Deep Learning: Benefits
• Robust
• No need to design the features ahead of time – features are automatically
learned to be optimal for the task at hand
• Robustness to natural variations in the data is automatically learned
• 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
• Deep Learning requires a large dataset, hence long training period.
• In term of cost, Machine Learning methods like SVMs and other tree
ensembles are very easily deployed even by relative machine learning
novices and can usually get you reasonably good results.
• Deep learning methods tend to learn everything. It’s better to encode prior
knowledge about structure of images (or audio or text).
• The learned features are often difficult to understand. Many vision features
are also not really human-understandable (e.g,
concatenations/combinations of different features).
• Requires a good understanding of how to model multiple modalities with
traditional tools.
Deep Learning: Applications
Deep Learning: Application
https://deepmind.com/alpha-go http://places.csail.mit.edu/demo.html
Robotic grasping
Pedestrian detection using DL
Deep Learning Development Cycle
Deep Learning: Platform & Frameworks &
Libraries
Platform
• Ersatz Labs - cloud-based deep learning platform [http://www.ersatz1.com/]
• H20 – deep learning framework that comes with R and Python interfaces
[http://www.h2o.ai/verticals/algos/deep-learning/]
Framework
• Caffe - deep learning framework made with expression, speed, and modularity in mind.
Developed by the Berkeley Vision and Learning Center (BVLC)
[http://caffe.berkeleyvision.org/]
• Torch - scientific computing framework with wide support for machine learning
algorithms that puts GPUs first. Based on Lua programming language [http://torch.ch/]
Library
• Tensorflow - open source software library for numerical computation using data flow
graphs from Google [https://www.tensorflow.org/]
• Theano - a python library developed by Yoshua Bengio’s team
[http://deeplearning.net/software/theano/]
Learned Models
• Trained Models can be shared with others
• Save the training time
• For example: AlexNet, GoogLeNet, ParseNet, etc
• URLs:
• https://github.com/BVLC/caffe/wiki/Model-Zoo
• http://deeplearning4j.org/model-zoo
An Introduction to Deep Learning
Nvidia: Digits
• The NVIDIA Deep Learning GPU Training System (DIGITS) puts the
power of deep learning in the hands of data scientists and
researchers.
• Quickly design the best deep neural network (DNN) for your data
using real-time network behavior visualization.
• https://developer.nvidia.com/digits
Car Park Images
Car park images
Cropped Car Park space
Digits – Image Classification Model
Digits – AlexNet Training
Digits – AlexNet Training
Digits – Testing and Validation
Digits – Results
Digits – Results
Digits – Results
Digits – Further Evaluation
Digits – Further Evaluation
Digits – Further Evaluation
Digits – try it out yourself
• https://github.com/NVIDIA/DIGITS/blob/master/docs/GettingStarted.
md
Thanks!
Questions?
@kuanhoong
https://www.linkedin.com/in/kuanhoong
khpoo@mmu.edu.my

More Related Content

What's hot

Deep learning
Deep learningDeep learning
Deep learning
Hatim EL-QADDOURY
 
Deep Learning - RNN and CNN
Deep Learning - RNN and CNNDeep Learning - RNN and CNN
Deep Learning - RNN and CNN
Pradnya Saval
 
Deep learning - what is it and why now?
Deep learning - what is it and why now?Deep learning - what is it and why now?
Deep learning - what is it and why now?
Natalia Konstantinova
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
Shuai Zhang
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
Jörgen Sandig
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Simplilearn
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
Oleg Mygryn
 
Deep learning
Deep learning Deep learning
Deep learning
SauravJaiswal17
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
Ferdous ahmed
 
Deep learning
Deep learning Deep learning
Deep learning
Rajgupta258
 
Deep Learning - A Literature survey
Deep Learning - A Literature surveyDeep Learning - A Literature survey
Deep Learning - A Literature survey
Akshay Hegde
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
Deep learning
Deep learningDeep learning
Deep learning
Ratnakar Pandey
 
Activation function
Activation functionActivation function
Activation function
RakshithGowdakodihal
 
Introduction to batch normalization
Introduction to batch normalizationIntroduction to batch normalization
Introduction to batch normalization
Jamie (Taka) Wang
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
PyData
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
Si Haem
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
Melanie Swan
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
Kasun Chinthaka Piyarathna
 

What's hot (20)

Deep learning
Deep learningDeep learning
Deep learning
 
Deep Learning - RNN and CNN
Deep Learning - RNN and CNNDeep Learning - RNN and CNN
Deep Learning - RNN and CNN
 
Deep learning - what is it and why now?
Deep learning - what is it and why now?Deep learning - what is it and why now?
Deep learning - what is it and why now?
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep learning
Deep learning Deep learning
Deep learning
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Deep learning
Deep learning Deep learning
Deep learning
 
Deep Learning - A Literature survey
Deep Learning - A Literature surveyDeep Learning - A Literature survey
Deep Learning - A Literature survey
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Deep learning
Deep learningDeep learning
Deep learning
 
Activation function
Activation functionActivation function
Activation function
 
Introduction to batch normalization
Introduction to batch normalizationIntroduction to batch normalization
Introduction to batch normalization
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 

Viewers also liked

Intro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksIntro To Convolutional Neural Networks
Intro To Convolutional Neural Networks
Mark Scully
 
Introduction to Deep Learning
Introduction to Deep Learning Introduction to Deep Learning
Introduction to Deep Learning
Salesforce Engineering
 
Deep learning
Deep learningDeep learning
Deep learning
Pratap Dangeti
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
Jen Aman
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
Amazon Web Services
 
Deep Learningと画像認識   ~歴史・理論・実践~
Deep Learningと画像認識 ~歴史・理論・実践~Deep Learningと画像認識 ~歴史・理論・実践~
Deep Learningと画像認識   ~歴史・理論・実践~
nlab_utokyo
 

Viewers also liked (6)

Intro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksIntro To Convolutional Neural Networks
Intro To Convolutional Neural Networks
 
Introduction to Deep Learning
Introduction to Deep Learning Introduction to Deep Learning
Introduction to Deep Learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep Learningと画像認識   ~歴史・理論・実践~
Deep Learningと画像認識 ~歴史・理論・実践~Deep Learningと画像認識 ~歴史・理論・実践~
Deep Learningと画像認識   ~歴史・理論・実践~
 

Similar to An Introduction to Deep Learning

Big Data Malaysia - A Primer on Deep Learning
Big Data Malaysia - A Primer on Deep LearningBig Data Malaysia - A Primer on Deep Learning
Big Data Malaysia - A Primer on Deep Learning
Poo Kuan Hoong
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
Poo Kuan Hoong
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
Poo Kuan Hoong
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
Abhishek Bhandwaldar
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
Amr Rashed
 
Neural Networks and Deep Learning Basics
Neural Networks and Deep Learning BasicsNeural Networks and Deep Learning Basics
Neural Networks and Deep Learning Basics
Jon Lederman
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearning
Eyad Alshami
 
Multimedia Data Mining using Deep Learning
Multimedia Data Mining using Deep LearningMultimedia Data Mining using Deep Learning
Multimedia Data Mining using Deep Learning
Bhagyashree Barde
 
Training machine learning deep learning 2017
Training machine learning deep learning 2017Training machine learning deep learning 2017
Training machine learning deep learning 2017
Iwan Sofana
 
Computer Vision labratory of stud_L4 (2).pptx
Computer Vision labratory  of stud_L4 (2).pptxComputer Vision labratory  of stud_L4 (2).pptx
Computer Vision labratory of stud_L4 (2).pptx
AyeleNugusie
 
Open Source AI and ML, Whats Possible Today?
Open Source AI and ML, Whats Possible Today?Open Source AI and ML, Whats Possible Today?
Open Source AI and ML, Whats Possible Today?
Justin Reock
 
Introduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningIntroduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep Learning
Madhu Sanjeevi (Mady)
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
doppenhe
 
Karan ppt for neural network and deep learning
Karan ppt for neural network and deep learningKaran ppt for neural network and deep learning
Karan ppt for neural network and deep learning
KathiriyaParthiv
 
Deep learning introduction
Deep learning introductionDeep learning introduction
Deep learning introduction
Adwait Bhave
 
Unit one ppt of deeep learning which includes Ann cnn
Unit one ppt of  deeep learning which includes Ann cnnUnit one ppt of  deeep learning which includes Ann cnn
Unit one ppt of deeep learning which includes Ann cnn
kartikaursang53
 
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 recommendations
Balázs Hidasi
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
YaminiAlapati1
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
vatsal199567
 

Similar to An Introduction to Deep Learning (20)

Big Data Malaysia - A Primer on Deep Learning
Big Data Malaysia - A Primer on Deep LearningBig Data Malaysia - A Primer on Deep Learning
Big Data Malaysia - A Primer on Deep Learning
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
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 learning
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Neural Networks and Deep Learning Basics
Neural Networks and Deep Learning BasicsNeural Networks and Deep Learning Basics
Neural Networks and Deep Learning Basics
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearning
 
Multimedia Data Mining using Deep Learning
Multimedia Data Mining using Deep LearningMultimedia Data Mining using Deep Learning
Multimedia Data Mining using Deep Learning
 
Training machine learning deep learning 2017
Training machine learning deep learning 2017Training machine learning deep learning 2017
Training machine learning deep learning 2017
 
Computer Vision labratory of stud_L4 (2).pptx
Computer Vision labratory  of stud_L4 (2).pptxComputer Vision labratory  of stud_L4 (2).pptx
Computer Vision labratory of stud_L4 (2).pptx
 
Open Source AI and ML, Whats Possible Today?
Open Source AI and ML, Whats Possible Today?Open Source AI and ML, Whats Possible Today?
Open Source AI and ML, Whats Possible Today?
 
Introduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningIntroduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep Learning
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Karan ppt for neural network and deep learning
Karan ppt for neural network and deep learningKaran ppt for neural network and deep learning
Karan ppt for neural network and deep learning
 
Deep learning introduction
Deep learning introductionDeep learning introduction
Deep learning introduction
 
Unit one ppt of deeep learning which includes Ann cnn
Unit one ppt of  deeep learning which includes Ann cnnUnit one ppt of  deeep learning which includes Ann cnn
Unit one ppt of deeep learning which includes Ann cnn
 
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
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
 

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 LightGBM
Poo 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 new
Poo 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 Scientist
Poo Kuan Hoong
 
Data Driven Organization and Data Commercialization
Data Driven Organization and Data CommercializationData Driven Organization and Data Commercialization
Data Driven Organization and Data Commercialization
Poo Kuan Hoong
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An Overview
Poo 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 Learning
Poo Kuan Hoong
 
Deep Learning with R
Deep Learning with RDeep Learning with R
Deep Learning with R
Poo 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 TensorFlow
Poo 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 Scientist
Poo Kuan Hoong
 
Deep Learning with Microsoft R Open
Deep Learning with Microsoft R OpenDeep Learning with Microsoft R Open
Deep Learning with Microsoft R Open
Poo 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 Bootcamp
Poo 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 Open
Poo Kuan Hoong
 
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
Poo 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 scientist
Poo Kuan Hoong
 
Handwritten Recognition using Deep Learning with R
Handwritten Recognition using Deep Learning with RHandwritten Recognition using Deep Learning with R
Handwritten Recognition using Deep Learning with R
Poo Kuan Hoong
 
Machine learning and big data
Machine learning and big dataMachine learning and big data
Machine learning and big data
Poo 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 Media
Poo 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 Analysis
Poo 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
 

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
 
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
 
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
 
Handwritten Recognition using Deep Learning with R
Handwritten Recognition using Deep Learning with RHandwritten Recognition using Deep Learning with R
Handwritten Recognition using Deep Learning with R
 
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...
 

Recently uploaded

Ensuring Secure and Permission-Aware RAG Deployments
Ensuring Secure and Permission-Aware RAG DeploymentsEnsuring Secure and Permission-Aware RAG Deployments
Ensuring Secure and Permission-Aware RAG Deployments
Zilliz
 
FIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptx
FIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptxFIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptx
FIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptx
FIDO Alliance
 
Using ScyllaDB for Real-Time Write-Heavy Workloads
Using ScyllaDB for Real-Time Write-Heavy WorkloadsUsing ScyllaDB for Real-Time Write-Heavy Workloads
Using ScyllaDB for Real-Time Write-Heavy Workloads
ScyllaDB
 
Indian Privacy law & Infosec for Startups
Indian Privacy law & Infosec for StartupsIndian Privacy law & Infosec for Startups
Indian Privacy law & Infosec for Startups
AMol NAik
 
FIDO Munich Seminar FIDO Automotive Apps.pptx
FIDO Munich Seminar FIDO Automotive Apps.pptxFIDO Munich Seminar FIDO Automotive Apps.pptx
FIDO Munich Seminar FIDO Automotive Apps.pptx
FIDO Alliance
 
How CXAI Toolkit uses RAG for Intelligent Q&A
How CXAI Toolkit uses RAG for Intelligent Q&AHow CXAI Toolkit uses RAG for Intelligent Q&A
How CXAI Toolkit uses RAG for Intelligent Q&A
Zilliz
 
Top keywords searches on business in AUS
Top keywords searches on business in AUSTop keywords searches on business in AUS
Top keywords searches on business in AUS
riannecreativetwo
 
Starlink Product Specifications_HighPerformance-1.pdf
Starlink Product Specifications_HighPerformance-1.pdfStarlink Product Specifications_HighPerformance-1.pdf
Starlink Product Specifications_HighPerformance-1.pdf
ssuser0b9571
 
The learners analyze the various sectors of ICT and evaluate the potential ca...
The learners analyze the various sectors of ICT and evaluate the potential ca...The learners analyze the various sectors of ICT and evaluate the potential ca...
The learners analyze the various sectors of ICT and evaluate the potential ca...
maricrismontales
 
Getting Started with Azure AI Studio.pptx
Getting Started with Azure AI Studio.pptxGetting Started with Azure AI Studio.pptx
Getting Started with Azure AI Studio.pptx
Swaminathan Vetri
 
TrustArc Webinar - Innovating with TRUSTe Responsible AI Certification
TrustArc Webinar - Innovating with TRUSTe Responsible AI CertificationTrustArc Webinar - Innovating with TRUSTe Responsible AI Certification
TrustArc Webinar - Innovating with TRUSTe Responsible AI Certification
TrustArc
 
Planetek Italia Corporate Profile Brochure
Planetek Italia Corporate Profile BrochurePlanetek Italia Corporate Profile Brochure
Planetek Italia Corporate Profile Brochure
Planetek Italia Srl
 
Project Delivery Methodology on a page with activities, deliverables
Project Delivery Methodology on a page with activities, deliverablesProject Delivery Methodology on a page with activities, deliverables
Project Delivery Methodology on a page with activities, deliverables
CLIVE MINCHIN
 
Webinar: Transforming Substation Automation with Open Source Solutions
Webinar: Transforming Substation Automation with Open Source SolutionsWebinar: Transforming Substation Automation with Open Source Solutions
Webinar: Transforming Substation Automation with Open Source Solutions
DanBrown980551
 
Blue Screen Of Death | Windows Down | Biggest IT failure
Blue Screen Of Death | Windows Down | Biggest IT failureBlue Screen Of Death | Windows Down | Biggest IT failure
Blue Screen Of Death | Windows Down | Biggest IT failure
Dexbytes Infotech Pvt Ltd
 
The Challenge of Interpretability in Generative AI Models.pdf
The Challenge of Interpretability in Generative AI Models.pdfThe Challenge of Interpretability in Generative AI Models.pdf
The Challenge of Interpretability in Generative AI Models.pdf
Sara Kroft
 
Bài tập tiếng anh lớp 9 - Ôn tập tuyển sinh
Bài tập tiếng anh lớp 9 - Ôn tập tuyển sinhBài tập tiếng anh lớp 9 - Ôn tập tuyển sinh
Bài tập tiếng anh lớp 9 - Ôn tập tuyển sinh
NguynThNhQunh59
 
Informatika smk kelas 10 kurikulum merdeka.pptx
Informatika smk kelas 10 kurikulum merdeka.pptxInformatika smk kelas 10 kurikulum merdeka.pptx
Informatika smk kelas 10 kurikulum merdeka.pptx
OkyPrayudi
 
IVE 2024 Short Course - Lecture 2 - Fundamentals of Perception
IVE 2024 Short Course - Lecture 2 - Fundamentals of PerceptionIVE 2024 Short Course - Lecture 2 - Fundamentals of Perception
IVE 2024 Short Course - Lecture 2 - Fundamentals of Perception
Mark Billinghurst
 
CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2
CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2
CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2
wromeetup
 

Recently uploaded (20)

Ensuring Secure and Permission-Aware RAG Deployments
Ensuring Secure and Permission-Aware RAG DeploymentsEnsuring Secure and Permission-Aware RAG Deployments
Ensuring Secure and Permission-Aware RAG Deployments
 
FIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptx
FIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptxFIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptx
FIDO Munich Seminar Blueprint for In-Vehicle Payment Standard.pptx
 
Using ScyllaDB for Real-Time Write-Heavy Workloads
Using ScyllaDB for Real-Time Write-Heavy WorkloadsUsing ScyllaDB for Real-Time Write-Heavy Workloads
Using ScyllaDB for Real-Time Write-Heavy Workloads
 
Indian Privacy law & Infosec for Startups
Indian Privacy law & Infosec for StartupsIndian Privacy law & Infosec for Startups
Indian Privacy law & Infosec for Startups
 
FIDO Munich Seminar FIDO Automotive Apps.pptx
FIDO Munich Seminar FIDO Automotive Apps.pptxFIDO Munich Seminar FIDO Automotive Apps.pptx
FIDO Munich Seminar FIDO Automotive Apps.pptx
 
How CXAI Toolkit uses RAG for Intelligent Q&A
How CXAI Toolkit uses RAG for Intelligent Q&AHow CXAI Toolkit uses RAG for Intelligent Q&A
How CXAI Toolkit uses RAG for Intelligent Q&A
 
Top keywords searches on business in AUS
Top keywords searches on business in AUSTop keywords searches on business in AUS
Top keywords searches on business in AUS
 
Starlink Product Specifications_HighPerformance-1.pdf
Starlink Product Specifications_HighPerformance-1.pdfStarlink Product Specifications_HighPerformance-1.pdf
Starlink Product Specifications_HighPerformance-1.pdf
 
The learners analyze the various sectors of ICT and evaluate the potential ca...
The learners analyze the various sectors of ICT and evaluate the potential ca...The learners analyze the various sectors of ICT and evaluate the potential ca...
The learners analyze the various sectors of ICT and evaluate the potential ca...
 
Getting Started with Azure AI Studio.pptx
Getting Started with Azure AI Studio.pptxGetting Started with Azure AI Studio.pptx
Getting Started with Azure AI Studio.pptx
 
TrustArc Webinar - Innovating with TRUSTe Responsible AI Certification
TrustArc Webinar - Innovating with TRUSTe Responsible AI CertificationTrustArc Webinar - Innovating with TRUSTe Responsible AI Certification
TrustArc Webinar - Innovating with TRUSTe Responsible AI Certification
 
Planetek Italia Corporate Profile Brochure
Planetek Italia Corporate Profile BrochurePlanetek Italia Corporate Profile Brochure
Planetek Italia Corporate Profile Brochure
 
Project Delivery Methodology on a page with activities, deliverables
Project Delivery Methodology on a page with activities, deliverablesProject Delivery Methodology on a page with activities, deliverables
Project Delivery Methodology on a page with activities, deliverables
 
Webinar: Transforming Substation Automation with Open Source Solutions
Webinar: Transforming Substation Automation with Open Source SolutionsWebinar: Transforming Substation Automation with Open Source Solutions
Webinar: Transforming Substation Automation with Open Source Solutions
 
Blue Screen Of Death | Windows Down | Biggest IT failure
Blue Screen Of Death | Windows Down | Biggest IT failureBlue Screen Of Death | Windows Down | Biggest IT failure
Blue Screen Of Death | Windows Down | Biggest IT failure
 
The Challenge of Interpretability in Generative AI Models.pdf
The Challenge of Interpretability in Generative AI Models.pdfThe Challenge of Interpretability in Generative AI Models.pdf
The Challenge of Interpretability in Generative AI Models.pdf
 
Bài tập tiếng anh lớp 9 - Ôn tập tuyển sinh
Bài tập tiếng anh lớp 9 - Ôn tập tuyển sinhBài tập tiếng anh lớp 9 - Ôn tập tuyển sinh
Bài tập tiếng anh lớp 9 - Ôn tập tuyển sinh
 
Informatika smk kelas 10 kurikulum merdeka.pptx
Informatika smk kelas 10 kurikulum merdeka.pptxInformatika smk kelas 10 kurikulum merdeka.pptx
Informatika smk kelas 10 kurikulum merdeka.pptx
 
IVE 2024 Short Course - Lecture 2 - Fundamentals of Perception
IVE 2024 Short Course - Lecture 2 - Fundamentals of PerceptionIVE 2024 Short Course - Lecture 2 - Fundamentals of Perception
IVE 2024 Short Course - Lecture 2 - Fundamentals of Perception
 
CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2
CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2
CI/CD pipelines for CloudHub 2.0 - Wroclaw MuleSoft Meetup #2
 

An Introduction to Deep Learning

  • 1. Introduction to Deep Learning Poo Kuan Hoong 19th July 2016
  • 2. Data Science Institute • 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.
  • 3. Google DeepMind playing Atari Breakout https://www.youtube.com/watch?v=V1eYniJ0Rnk
  • 6. 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] Andrej Karpathy: Visualizing and Understanding Recurrent Networks, ICLR 2016, [PDF]
  • 7. 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
  • 8. Introduction • In the past 10 years, machine learning and Artificial Intelligence 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”.
  • 9. A brief history of Machine learning • Most of the machine learning methods are based on supervised learning Input Feature Representation Learning Algorithm
  • 10. A brief history of Machine learning 32 45 21 .. 12 10 45 .. 17 33 36 .. … … … 12 56 18 .. 92 76 22 .. 33 63 71 .. … … …
  • 13. Traditional machine perception • Hand crafted feature extractors
  • 14. Human Brain Auditory Cortex Auditory cortex learns to see. (Same rewiring process also works for touch/ somatosensory cortex.) Seeing with tongue
  • 15. Human Brain Biological Neuron Artificial Neuron Neuron/Unit Weight
  • 16. 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.
  • 18. 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.
  • 19. 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.
  • 20. The 1990s view of what was wrong with back- propagation • It required a lot of labelled training data • almost all data is unlabeled • The learning time did not scale well • It was very slow in networks with multiple hidden layers. • It got stuck at local optima • These were often surprisingly good but there was no good theory
  • 21. 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.
  • 22. Deep Belief Network (DBN) • DBN is capable of recognizing the inherent patterns in the data. In other words, it’s a sophisticated, multilayer feature extractor. • The unique aspect of this type of net is that 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. • DBN learns the hidden patterns globally, like a camera slowly bringing an image into focus. • DBN still requires a set of labels to apply to the resulting patterns. As a final step, the DBN is fine-tuned with supervised learning and a small set of labeled examples.
  • 23. Deep Neural Network (Deep Net)
  • 24. 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.
  • 25. 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
  • 27. 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/
  • 28. 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)
  • 29. 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 Classify Image frame by frame Image captioning Document Classification
  • 30. Deep Learning: Benefits • Robust • No need to design the features ahead of time – features are automatically learned to be optimal for the task at hand • Robustness to natural variations in the data is automatically learned • 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
  • 31. Deep Learning: Weaknesses • Deep Learning requires a large dataset, hence long training period. • In term of cost, Machine Learning methods like SVMs and other tree ensembles are very easily deployed even by relative machine learning novices and can usually get you reasonably good results. • Deep learning methods tend to learn everything. It’s better to encode prior knowledge about structure of images (or audio or text). • The learned features are often difficult to understand. Many vision features are also not really human-understandable (e.g, concatenations/combinations of different features). • Requires a good understanding of how to model multiple modalities with traditional tools.
  • 33. Deep Learning: Application https://deepmind.com/alpha-go http://places.csail.mit.edu/demo.html Robotic grasping Pedestrian detection using DL
  • 35. Deep Learning: Platform & Frameworks & Libraries Platform • Ersatz Labs - cloud-based deep learning platform [http://www.ersatz1.com/] • H20 – deep learning framework that comes with R and Python interfaces [http://www.h2o.ai/verticals/algos/deep-learning/] Framework • Caffe - deep learning framework made with expression, speed, and modularity in mind. Developed by the Berkeley Vision and Learning Center (BVLC) [http://caffe.berkeleyvision.org/] • Torch - scientific computing framework with wide support for machine learning algorithms that puts GPUs first. Based on Lua programming language [http://torch.ch/] Library • Tensorflow - open source software library for numerical computation using data flow graphs from Google [https://www.tensorflow.org/] • Theano - a python library developed by Yoshua Bengio’s team [http://deeplearning.net/software/theano/]
  • 36. Learned Models • Trained Models can be shared with others • Save the training time • For example: AlexNet, GoogLeNet, ParseNet, etc • URLs: • https://github.com/BVLC/caffe/wiki/Model-Zoo • http://deeplearning4j.org/model-zoo
  • 38. Nvidia: Digits • The NVIDIA Deep Learning GPU Training System (DIGITS) puts the power of deep learning in the hands of data scientists and researchers. • Quickly design the best deep neural network (DNN) for your data using real-time network behavior visualization. • https://developer.nvidia.com/digits
  • 42. Digits – Image Classification Model
  • 43. Digits – AlexNet Training
  • 44. Digits – AlexNet Training
  • 45. Digits – Testing and Validation
  • 49. Digits – Further Evaluation
  • 50. Digits – Further Evaluation
  • 51. Digits – Further Evaluation
  • 52. Digits – try it out yourself • https://github.com/NVIDIA/DIGITS/blob/master/docs/GettingStarted. md