SlideShare a Scribd company logo
Confidential, unpublished property of aiLabs. Do not duplicate or distribute. Use and distribution limited solely to authorized personnel. (c) Copyright 2018
Lecture Series: AI is the New Electricity
Dr. Chiranjit Acharya
AILABS Academy
J-3, GP Block, Sector V, Salt
Lake City, Kolkata, West
Bengal 700091
Deep Learning - SCOPING, EVOLUTION & FUTURE TRENDS
Presented at AILABS Academy,
Kolkata on April 18th 2018
2AILABS (c) Copyright 2018
A Journey into Deep Learning
▪Cutting edge technology
▪Garnered traction in both industry and academics
▪Achieves near-human-level performance in many pattern
recognition tasks
▪Excels in
▪structured, relational data
▪unstructured rich-media data such as image, video,
audio and text
3AILABS (c) Copyright 2018
A Journey intoDeep Learning
▪What is Deep Learning? Where is the “deepness”?
▪Where does Deep Learning come from?
▪What are the models and algorithms of Deep Learning?
▪What is the trajectory of evolution of Deep Learning?
▪What are the future trends of Deep Learning?
4AILABS (c) Copyright 2018
A Journey into Deep Learning
5AILABS (c) Copyright 2018
Artificial Intelligence
Holy Grail of AI Research
▪Understanding the neuro-biological and neuro-
physical basis of human intelligence
▪science of intelligence
▪Building intelligent machines which can think and act
like humans
▪engineering of intelligence
6AILABS (c) Copyright 2018
Artificial Intelligence
Facets of AI Research
▪knowledge representation
▪Reasoning
▪natural language understanding
▪natural scene understanding
7AILABS (c) Copyright 2018
Artificial Intelligence
Facets of AI Research
▪natural speech understanding
▪problem solving
▪Perception
▪Learning
▪planning
8AILABS (c) Copyright 2018
Machine Learning
Basic Doctrine of Learning
▪learning from examples
Outcome of Learning
▪rules of inference for some predictive task
▪embodiment of the rules = model
▪model is an abstract computing device
•kernel machine, decision tree, neural
network
9AILABS (c) Copyright 2018
Machine Learning
Connotations of Learning
▪process of generalization
▪discovering nature/traits of data
▪unraveling patterns and anti-patterns in data
10AILABS (c) Copyright 2018
Machine Learning
Connotations of Learning:
▪knowing distributional characteristics of data
▪identifying causal effects and propagation
▪identifying non-causal co variations & correlations
11AILABS (c) Copyright 2018
Machine Learning
Design Aspects of Learning System
▪ Choose the training experience
▪ Choose exactly what is to be learned, i.e. the target function /
machine
▪ Choose objective function & optimality criteria
▪ Choose a learning algorithm to infer the target function from
the experience.
12AILABS (c) Copyright 2018
▪Stage 1: Feature Extraction, Feature subset selection,
Feature Vector Representation
▪Stage 2: Training / Testing Set Creation and Augmentation
▪Stage 3: Training the Inference Machine
▪Stage 4: Running the Inference Machine on Test Set
▪Stage 5: Stratified Sampling and Validation
Learning Work Flow
13AILABS (c) Copyright 2018
Feature Extraction/ Selection
low-level parts
mid-level parts
high-level parts
additional descriptors
Cognitive Elements
Knowledge EngineerDomain Expert
Sparse Coder
Sparse
Representation
Corpus
14AILABS (c) Copyright 2018
Training Set Augmentation
Sparse
Representation
Random
Sampler
Samples
Reviewer
Existing
Training Set
Existing
training set
Augmented
training set
15AILABS (c) Copyright 2018
Training and Prediction / Recognition
Training
Set
Adaptive
Learner
Prediction /
Recognition
Model
Prediction /
Recognition
Model
Unlabelled
Residual Corpus
Predicted /
Recognized Corpus
16AILABS (c) Copyright 2018
Sampling , Validation& Convergence
Stratified
Sampler
Precision &
Recall
Calculator
Converged
?
Yes End of
Relevance
Scoring
NoGo back to
Training Set
Augmentation
Human
Reviewed
Stratified sub-
samples
ReviewerStratified sub-
samples
Predicted
Corpus
17AILABS (c) Copyright 2018
Evolutionof Connectionist Models
1943: Artificial neuron model (McCulloch & Pitts)
▪ "A logical calculus of the ideas immanent in nervous activity"
▪ simple artificial “neurons” could be made to perform basic
logical operations such as AND, OR and NOT
▪ known as Linear Threshold Gate
▪ NO learning
18AILABS (c) Copyright 2018
1943: Artificial neuron model (McCulloch & Pitts)
Evolution of Connectionist Models
)( jj sfy j
n
i
iijj bxws  0
w1j
x1
w2j
x2
wnj
xn
bj
yj
19AILABS (c) Copyright 2018
Evolutionof Connectionist Models
1957: Perceptron model (Rosenblatt)
▪ invention of learning rules inspired by ideas from
neuroscience
if Σ inputi * weighti > threshold, output = +1
if Σ inputi * weighti < threshold, output = -1
▪ learns to classify input into two output classes
▪ Sigmoid transfer function: boundedness, graduality


xy
xy
as0
as1
20AILABS (c) Copyright 2018
1943: Artificial neuron model (McCulloch & Pitts)
Evolution of Connectionist Models
)( jj sfy j
n
i
iijj bxws  0
w1j
x1
w2j
x2
wnj
xn
bj
yj
js
e

1
1
21AILABS (c) Copyright 2018
Evolutionof Connectionist Models
1960s: Delta Learning Rule (Widrow & Hoff)
▪ Define the error as the
squared residuals
summed over all training
cases:
▪ Now differentiate to get
error derivatives for
weights
▪ The batch delta rule
changes the weights in
proportion to their error
derivatives summed
over all training cases
1 2
2
1
2
,
ˆ( )
ˆ
ˆ
ˆ( )
n n
n
n n
ni i n
i n n n
n
i
i
E y y
y EE
w w y
x y y
E
w
w

 
 

  
  

  




22AILABS (c) Copyright 2018
Evolutionof Connectionist Models
1969: Minsky's objection to Perceptrons
▪ Marvin Minsky & Seymour Papert: Perceptrons
▪ Unless input categories are linearly separable, a perceptron
cannot learn to discriminate between them.
▪ Unfortunately, it appeared that many important categories
were not linearly separable.
23AILABS (c) Copyright 2018
Evolutionof Connectionist Models
1969: Minsky's objection to Perceptrons
Perceptrons are good at linear classification but ...
x1
x2
1
1
1
1
1
1
1
1
1
24AILABS (c) Copyright 2018
Evolutionof Connectionist Models
(XOR operation)
x1
x2(1)
(1) (0)
(0)
(0)
(0)
(1)
(1)
X1 X2 Output
0 0 0
0 1 1
1 0 1
1 1 0
1969: Minsky's objection to Perceptrons
Perceptrons are incapable of simple nonlinear classification like XOR
25AILABS (c) Copyright 2018
Universal ApproximationTheorem
Existential Version (Kolmogorov)
▪ There exists a finite combination of superposition and
addition of continuous functions of single variables which can
approximate any continuous, multivariate function on
compact subsets of R^d.
Constructive Version (Cybenko)
▪ The standard multilayer feed-forward network with a single
hidden layer, containing finite number of hidden neurons, is
a universal approximator among continuous functions on
compact subsets of R^d, under mild assumptions on the
activation function.
26AILABS (c) Copyright 2018
Evolutionof Connectionist Models
1986: Backpropagation for Multi-Layer Perceptrons
(Rumelhart, Hinton & Williams)
▪ solution to Minsky's objection regarding perceptron's limitation
▪ nonlinear classification is achieved by fully connected, multilayer,
feedforward networks of perceptrons (MLP)
▪ MLP can be trained by backpropagation
▪ Two-pass algorithm
▪ forward propagation of activation signals from input to output
▪ backward propagation of error derivatives from output to input
27AILABS (c) Copyright 2018
Evolution of Connectionist Models
1986: Backpropagation for Multi-Layer Perceptrons
(Rumelhart, Hinton & Williams)
Output
Layer
Hidden
Layer
Input
Layer
Input
Output
1x
2x
Layer 1
…
…
Nx
…
…
Layer 2
…
…
…
…
y1
y2
yM
28AILABS (c) Copyright 2018
Evolutionof Connectionist Models
1986: Backpropagation for Multi-Layer Perceptrons
(Rumelhart, Hinton & Williams)
▪ solution to Minsky's objection regarding perceptron's limitation
▪ nonlinear classification is achieved by fully connected, multilayer,
feedforward networks of perceptrons (MLP)
▪ MLP can be trained by backpropagation
▪ Two-pass algorithm
▪ forward propagation of activation signals from input to output
▪ backward propagation of error derivatives from output to input
29AILABS (c) Copyright 2018
Machine Learning Example
Handwriting Digit Recognition
Machine
“2”
30AILABS (c) Copyright 2018
HandwritingDigit Recognition
Input Output
16 x 16 = 256
1x
2x
256x
…
…
Color → 1
No color → 0
…
y1
y2
y1
Each output represents the
confidence of a digit.
is 1
is 2
is 0
…
0.1
0.7
0.2
The image
is “2”
y1
y2
y10
31AILABS (c) Copyright 2018
Example Application
Handwriting Digit Recognition
Machine “2
”
1x
2x
256x
…
…
…
…
y1
y2
y10
32AILABS (c) Copyright 2018
Evolution of Connectionist Models
1989: Convolutional Neural Network (LeCun)
Output
LayerHidden Layers
Input
Layer
Input Output
1x
2x
Layer 1
…
…
Nx
…
…
Layer 2
…
…
Layer
L
…
…
…
…
…
…
…
…
…
…
y1
y2
yM
Deep means many hidden layers
neuron
33AILABS (c) Copyright 2018
Convolutional Neural Network
▪ Input can have very high dimension.
▪ Using a fully-connected neural network would need a large
amount of parameters.
▪ CNNs are a special type of neural network whose hidden
units are only connected to local receptive field.
▪ The number of parameters needed by CNNs is much
smaller.
Example: 200x200 image
a)fully connected: 40,000
hidden units => 1.6 billion
parameters
b)CNN: 5x5 kernel (filter), 100
feature maps => 2,500
parameters
34AILABS (c) Copyright 2018
Convolution Operation
Patc
h
35AILABS (c) Copyright 2018
Convolution Operationin CNN
▪ Input: an image (2-D array): x
▪ Convolution kernel (2-D array of learnable parameters): w
▪ Feature map (2-D array of processed data): s
▪ Convolution operation in 2-D domains:
36AILABS (c) Copyright 2018
ConvolutionFilters
37AILABS (c) Copyright 2018
Convolution Operationwith Filters
C
38AILABS (c) Copyright 2018
Convolution Layers
Convolution Layer
Channels Feature Maps
39AILABS (c) Copyright 2018
3 Stages of a Convolutional Layer
40AILABS (c) Copyright 2018
Non Linear Stage
Tanh(x) ReLU
41AILABS (c) Copyright 2018
Evolution of Connectionist Models
2006: Deep Belief Networks (Hinton), Stacked Auto-Encoders
(Bengio)
Output
LayerHidden Layers
Input
Layer
Input Output
1x
2x
Layer 1
…
…
Nx
…
…
Layer 2
…
…
Layer
L
…
…
…
…
…
…
…
…
…
…
y1
y2
yM
Deep means man y hidden layers
neuron
42AILABS (c) Copyright 2018
Deep Learning
Traditional pattern recognition models use hand-crafted
features and relatively simple trainable classifier.
This approach has the following limitations:
• It is very tedious and costly to develop hand-crafted
features
▪ The hand-crafted features are usually highly dependents on
one application, and cannot be transferred easily to other
applications
hand-crafted
feature
extractor
“Simple”
Trainable
Classifier
output
43AILABS (c) Copyright 2018
Deep Learning
Deep learning = representation learning
Seeks to learn hierarchical representations (i.e. features)
automatically through multiple stage of feature learning process.
Low-level
features
output
Mid-level
features
High-level
features
Trainable
classifier
Feature visualization of convolutional net trained on ImageNet (Zeiler and Fergus, 2013)
44AILABS (c) Copyright 2018
Learning Hierarchical Representations
Hierarchy of representations with increasing level of abstraction.
Each stage is a kind of trainable nonlinear feature transformation
Image recognition
Pixel → edge → motif → part → object
Text
Character → word → word group → clause → sentence → story
Low-level
features
output
Mid-level
features
High-level
features
Trainable
classifier
Increasing level of abstraction
45AILABS (c) Copyright 2018
Pooling
Common pooling operations:
Max pooling
Report the maximum output within a rectangular neighborhood.
Average pooling
Report the average output of a rectangular neighborhood (possibly
weighted by the distance from the central pixel).
46AILABS (c) Copyright 2018
CiFAR10
CiFAR10
47AILABS (c) Copyright 2018
Deep CNN on CiFAR10
Deep CNN on CiFAR10
48AILABS (c) Copyright 2018
Deep CNN on CiFAR10
Deep CNN on CiFAR10
49AILABS (c) Copyright 2018
Deep CNN on CiFAR10
Deep CNN on CiFAR10
50AILABS (c) Copyright 2018
Future Trends
▪ Different and wider range of problems are being
addressed
▪ natural language understanding
▪ natural scene understanding
▪ natural speech understanding
▪ Feature learning is being investigated at deeper level
▪ Manifold learning
▪ Reinforcement learning
▪ Integration with other paradigms of machine learning
Thank You

More Related Content

Similar to AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Evolution and Future Trends by Dr. Chiranjit Acharya

Lowering the Bar: Deep Learning for Side Channel Analysis
Lowering the Bar: Deep Learning for Side Channel AnalysisLowering the Bar: Deep Learning for Side Channel Analysis
Lowering the Bar: Deep Learning for Side Channel Analysis
Priyanka Aash
 
AIA Hsinchu Orange3
AIA Hsinchu Orange3AIA Hsinchu Orange3
AIA Hsinchu Orange3
Chun Yi Wu
 
ProjectReport
ProjectReportProjectReport
ProjectReport
Pritish Yuvraj
 
Scilab Modelica conference 20150921
Scilab Modelica conference 20150921Scilab Modelica conference 20150921
Scilab Modelica conference 20150921
Scilab
 
Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...
Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...
Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...
TigerGraph
 
20181212 Queensland AI Meetup
20181212 Queensland AI Meetup20181212 Queensland AI Meetup
20181212 Queensland AI Meetup
Adam Craven
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET Journal
 
A leap around AI
A leap around AIA leap around AI
A leap around AI
Dennis Vroegop
 
Novi sad ai event 3-2018
Novi sad ai event 3-2018Novi sad ai event 3-2018
Novi sad ai event 3-2018
Jovan Stojanovic
 
Network Traffic Packets Classified as Textual Images for Intrusion Detection
Network Traffic Packets Classified as Textual Images for Intrusion DetectionNetwork Traffic Packets Classified as Textual Images for Intrusion Detection
Network Traffic Packets Classified as Textual Images for Intrusion Detection
iammyr
 
Object Detection Beyond Mask R-CNN and RetinaNet III
Object Detection Beyond Mask R-CNN and RetinaNet IIIObject Detection Beyond Mask R-CNN and RetinaNet III
Object Detection Beyond Mask R-CNN and RetinaNet III
Wanjin Yu
 
Deep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent spaceDeep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent space
Hansol Kang
 
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
MLconf
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
Arthur240715
 
Workshop Chemical Robotics ChemAI 231116.pptx
Workshop Chemical Robotics ChemAI 231116.pptxWorkshop Chemical Robotics ChemAI 231116.pptx
Workshop Chemical Robotics ChemAI 231116.pptx
Marco Tibaldi
 
Safety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdfSafety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdf
Polytechnique Montréal
 
Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...
Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...
Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...
Shift Conference
 
OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...
OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...
OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...
NETWAYS
 
DSDT meetup July 2021
DSDT meetup July 2021DSDT meetup July 2021
DSDT meetup July 2021
DSDT_MTL
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning Techniques
IRJET Journal
 

Similar to AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Evolution and Future Trends by Dr. Chiranjit Acharya (20)

Lowering the Bar: Deep Learning for Side Channel Analysis
Lowering the Bar: Deep Learning for Side Channel AnalysisLowering the Bar: Deep Learning for Side Channel Analysis
Lowering the Bar: Deep Learning for Side Channel Analysis
 
AIA Hsinchu Orange3
AIA Hsinchu Orange3AIA Hsinchu Orange3
AIA Hsinchu Orange3
 
ProjectReport
ProjectReportProjectReport
ProjectReport
 
Scilab Modelica conference 20150921
Scilab Modelica conference 20150921Scilab Modelica conference 20150921
Scilab Modelica conference 20150921
 
Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...
Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...
Graph Gurus Episode 19: Deep Learning Implemented by GSQL on a Native Paralle...
 
20181212 Queensland AI Meetup
20181212 Queensland AI Meetup20181212 Queensland AI Meetup
20181212 Queensland AI Meetup
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
 
A leap around AI
A leap around AIA leap around AI
A leap around AI
 
Novi sad ai event 3-2018
Novi sad ai event 3-2018Novi sad ai event 3-2018
Novi sad ai event 3-2018
 
Network Traffic Packets Classified as Textual Images for Intrusion Detection
Network Traffic Packets Classified as Textual Images for Intrusion DetectionNetwork Traffic Packets Classified as Textual Images for Intrusion Detection
Network Traffic Packets Classified as Textual Images for Intrusion Detection
 
Object Detection Beyond Mask R-CNN and RetinaNet III
Object Detection Beyond Mask R-CNN and RetinaNet IIIObject Detection Beyond Mask R-CNN and RetinaNet III
Object Detection Beyond Mask R-CNN and RetinaNet III
 
Deep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent spaceDeep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent space
 
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
 
Workshop Chemical Robotics ChemAI 231116.pptx
Workshop Chemical Robotics ChemAI 231116.pptxWorkshop Chemical Robotics ChemAI 231116.pptx
Workshop Chemical Robotics ChemAI 231116.pptx
 
Safety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdfSafety Verification of Deep Neural Networks_.pdf
Safety Verification of Deep Neural Networks_.pdf
 
Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...
Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...
Shift AI 2020: Graph Deep Learning for Real-World Applications | Mark Weber (...
 
OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...
OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...
OSMC 2009 | Anomalieerkennung und Trendvorhersagen an Hand von Daten aus Nagi...
 
DSDT meetup July 2021
DSDT meetup July 2021DSDT meetup July 2021
DSDT meetup July 2021
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning Techniques
 

More from AILABS Academy

AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...
AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...
AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...
AILABS Academy
 
AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...
AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...
AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...
AILABS Academy
 
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...
AILABS Academy
 
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Interplay of Tr...
AILABS - Lecture Series - Is AI the New Electricity?  Topic:- Interplay of Tr...AILABS - Lecture Series - Is AI the New Electricity?  Topic:- Interplay of Tr...
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Interplay of Tr...
AILABS Academy
 
AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...
AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...
AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...
AILABS Academy
 
Nano Degree On Deep Learning
Nano Degree On Deep LearningNano Degree On Deep Learning
Nano Degree On Deep Learning
AILABS Academy
 

More from AILABS Academy (6)

AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...
AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...
AILABS - Lecture Series - Is AI the New Electricity? - Advances In Machine Le...
 
AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...
AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...
AILABS - Lecture Series - Is AI the New Electricity? Topic: Intelligent proce...
 
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Classification a...
 
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Interplay of Tr...
AILABS - Lecture Series - Is AI the New Electricity?  Topic:- Interplay of Tr...AILABS - Lecture Series - Is AI the New Electricity?  Topic:- Interplay of Tr...
AILABS - Lecture Series - Is AI the New Electricity? Topic:- Interplay of Tr...
 
AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...
AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...
AILABS - Lecture Series - Is AI the New Electricity. Topic- Role of AI in Log...
 
Nano Degree On Deep Learning
Nano Degree On Deep LearningNano Degree On Deep Learning
Nano Degree On Deep Learning
 

Recently uploaded

RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3
RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3
RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3
IreneSebastianRueco1
 
CACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdfCACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdf
camakaiclarkmusic
 
Natural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama UniversityNatural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama University
Akanksha trivedi rama nursing college kanpur.
 
How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17
Celine George
 
Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.
Ashokrao Mane college of Pharmacy Peth-Vadgaon
 
clinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdfclinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdf
Priyankaranawat4
 
The basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptxThe basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptx
heathfieldcps1
 
How to Add Chatter in the odoo 17 ERP Module
How to Add Chatter in the odoo 17 ERP ModuleHow to Add Chatter in the odoo 17 ERP Module
How to Add Chatter in the odoo 17 ERP Module
Celine George
 
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
RitikBhardwaj56
 
Your Skill Boost Masterclass: Strategies for Effective Upskilling
Your Skill Boost Masterclass: Strategies for Effective UpskillingYour Skill Boost Masterclass: Strategies for Effective Upskilling
Your Skill Boost Masterclass: Strategies for Effective Upskilling
Excellence Foundation for South Sudan
 
Introduction to AI for Nonprofits with Tapp Network
Introduction to AI for Nonprofits with Tapp NetworkIntroduction to AI for Nonprofits with Tapp Network
Introduction to AI for Nonprofits with Tapp Network
TechSoup
 
S1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptxS1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptx
tarandeep35
 
The Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collectionThe Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collection
Israel Genealogy Research Association
 
Liberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdfLiberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdf
WaniBasim
 
Smart-Money for SMC traders good time and ICT
Smart-Money for SMC traders good time and ICTSmart-Money for SMC traders good time and ICT
Smart-Money for SMC traders good time and ICT
simonomuemu
 
Digital Artifact 1 - 10VCD Environments Unit
Digital Artifact 1 - 10VCD Environments UnitDigital Artifact 1 - 10VCD Environments Unit
Digital Artifact 1 - 10VCD Environments Unit
chanes7
 
Life upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for studentLife upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for student
NgcHiNguyn25
 
A Strategic Approach: GenAI in Education
A Strategic Approach: GenAI in EducationA Strategic Approach: GenAI in Education
A Strategic Approach: GenAI in Education
Peter Windle
 
MARY JANE WILSON, A “BOA MÃE” .
MARY JANE WILSON, A “BOA MÃE”           .MARY JANE WILSON, A “BOA MÃE”           .
MARY JANE WILSON, A “BOA MÃE” .
Colégio Santa Teresinha
 
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptxChapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
Mohd Adib Abd Muin, Senior Lecturer at Universiti Utara Malaysia
 

Recently uploaded (20)

RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3
RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3
RPMS TEMPLATE FOR SCHOOL YEAR 2023-2024 FOR TEACHER 1 TO TEACHER 3
 
CACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdfCACJapan - GROUP Presentation 1- Wk 4.pdf
CACJapan - GROUP Presentation 1- Wk 4.pdf
 
Natural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama UniversityNatural birth techniques - Mrs.Akanksha Trivedi Rama University
Natural birth techniques - Mrs.Akanksha Trivedi Rama University
 
How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17How to Fix the Import Error in the Odoo 17
How to Fix the Import Error in the Odoo 17
 
Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.Types of Herbal Cosmetics its standardization.
Types of Herbal Cosmetics its standardization.
 
clinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdfclinical examination of hip joint (1).pdf
clinical examination of hip joint (1).pdf
 
The basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptxThe basics of sentences session 6pptx.pptx
The basics of sentences session 6pptx.pptx
 
How to Add Chatter in the odoo 17 ERP Module
How to Add Chatter in the odoo 17 ERP ModuleHow to Add Chatter in the odoo 17 ERP Module
How to Add Chatter in the odoo 17 ERP Module
 
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...The simplified electron and muon model, Oscillating Spacetime: The Foundation...
The simplified electron and muon model, Oscillating Spacetime: The Foundation...
 
Your Skill Boost Masterclass: Strategies for Effective Upskilling
Your Skill Boost Masterclass: Strategies for Effective UpskillingYour Skill Boost Masterclass: Strategies for Effective Upskilling
Your Skill Boost Masterclass: Strategies for Effective Upskilling
 
Introduction to AI for Nonprofits with Tapp Network
Introduction to AI for Nonprofits with Tapp NetworkIntroduction to AI for Nonprofits with Tapp Network
Introduction to AI for Nonprofits with Tapp Network
 
S1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptxS1-Introduction-Biopesticides in ICM.pptx
S1-Introduction-Biopesticides in ICM.pptx
 
The Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collectionThe Diamonds of 2023-2024 in the IGRA collection
The Diamonds of 2023-2024 in the IGRA collection
 
Liberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdfLiberal Approach to the Study of Indian Politics.pdf
Liberal Approach to the Study of Indian Politics.pdf
 
Smart-Money for SMC traders good time and ICT
Smart-Money for SMC traders good time and ICTSmart-Money for SMC traders good time and ICT
Smart-Money for SMC traders good time and ICT
 
Digital Artifact 1 - 10VCD Environments Unit
Digital Artifact 1 - 10VCD Environments UnitDigital Artifact 1 - 10VCD Environments Unit
Digital Artifact 1 - 10VCD Environments Unit
 
Life upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for studentLife upper-Intermediate B2 Workbook for student
Life upper-Intermediate B2 Workbook for student
 
A Strategic Approach: GenAI in Education
A Strategic Approach: GenAI in EducationA Strategic Approach: GenAI in Education
A Strategic Approach: GenAI in Education
 
MARY JANE WILSON, A “BOA MÃE” .
MARY JANE WILSON, A “BOA MÃE”           .MARY JANE WILSON, A “BOA MÃE”           .
MARY JANE WILSON, A “BOA MÃE” .
 
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptxChapter 4 - Islamic Financial Institutions in Malaysia.pptx
Chapter 4 - Islamic Financial Institutions in Malaysia.pptx
 

AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Evolution and Future Trends by Dr. Chiranjit Acharya

  • 1. Confidential, unpublished property of aiLabs. Do not duplicate or distribute. Use and distribution limited solely to authorized personnel. (c) Copyright 2018 Lecture Series: AI is the New Electricity Dr. Chiranjit Acharya AILABS Academy J-3, GP Block, Sector V, Salt Lake City, Kolkata, West Bengal 700091 Deep Learning - SCOPING, EVOLUTION & FUTURE TRENDS Presented at AILABS Academy, Kolkata on April 18th 2018
  • 2. 2AILABS (c) Copyright 2018 A Journey into Deep Learning ▪Cutting edge technology ▪Garnered traction in both industry and academics ▪Achieves near-human-level performance in many pattern recognition tasks ▪Excels in ▪structured, relational data ▪unstructured rich-media data such as image, video, audio and text
  • 3. 3AILABS (c) Copyright 2018 A Journey intoDeep Learning ▪What is Deep Learning? Where is the “deepness”? ▪Where does Deep Learning come from? ▪What are the models and algorithms of Deep Learning? ▪What is the trajectory of evolution of Deep Learning? ▪What are the future trends of Deep Learning?
  • 4. 4AILABS (c) Copyright 2018 A Journey into Deep Learning
  • 5. 5AILABS (c) Copyright 2018 Artificial Intelligence Holy Grail of AI Research ▪Understanding the neuro-biological and neuro- physical basis of human intelligence ▪science of intelligence ▪Building intelligent machines which can think and act like humans ▪engineering of intelligence
  • 6. 6AILABS (c) Copyright 2018 Artificial Intelligence Facets of AI Research ▪knowledge representation ▪Reasoning ▪natural language understanding ▪natural scene understanding
  • 7. 7AILABS (c) Copyright 2018 Artificial Intelligence Facets of AI Research ▪natural speech understanding ▪problem solving ▪Perception ▪Learning ▪planning
  • 8. 8AILABS (c) Copyright 2018 Machine Learning Basic Doctrine of Learning ▪learning from examples Outcome of Learning ▪rules of inference for some predictive task ▪embodiment of the rules = model ▪model is an abstract computing device •kernel machine, decision tree, neural network
  • 9. 9AILABS (c) Copyright 2018 Machine Learning Connotations of Learning ▪process of generalization ▪discovering nature/traits of data ▪unraveling patterns and anti-patterns in data
  • 10. 10AILABS (c) Copyright 2018 Machine Learning Connotations of Learning: ▪knowing distributional characteristics of data ▪identifying causal effects and propagation ▪identifying non-causal co variations & correlations
  • 11. 11AILABS (c) Copyright 2018 Machine Learning Design Aspects of Learning System ▪ Choose the training experience ▪ Choose exactly what is to be learned, i.e. the target function / machine ▪ Choose objective function & optimality criteria ▪ Choose a learning algorithm to infer the target function from the experience.
  • 12. 12AILABS (c) Copyright 2018 ▪Stage 1: Feature Extraction, Feature subset selection, Feature Vector Representation ▪Stage 2: Training / Testing Set Creation and Augmentation ▪Stage 3: Training the Inference Machine ▪Stage 4: Running the Inference Machine on Test Set ▪Stage 5: Stratified Sampling and Validation Learning Work Flow
  • 13. 13AILABS (c) Copyright 2018 Feature Extraction/ Selection low-level parts mid-level parts high-level parts additional descriptors Cognitive Elements Knowledge EngineerDomain Expert Sparse Coder Sparse Representation Corpus
  • 14. 14AILABS (c) Copyright 2018 Training Set Augmentation Sparse Representation Random Sampler Samples Reviewer Existing Training Set Existing training set Augmented training set
  • 15. 15AILABS (c) Copyright 2018 Training and Prediction / Recognition Training Set Adaptive Learner Prediction / Recognition Model Prediction / Recognition Model Unlabelled Residual Corpus Predicted / Recognized Corpus
  • 16. 16AILABS (c) Copyright 2018 Sampling , Validation& Convergence Stratified Sampler Precision & Recall Calculator Converged ? Yes End of Relevance Scoring NoGo back to Training Set Augmentation Human Reviewed Stratified sub- samples ReviewerStratified sub- samples Predicted Corpus
  • 17. 17AILABS (c) Copyright 2018 Evolutionof Connectionist Models 1943: Artificial neuron model (McCulloch & Pitts) ▪ "A logical calculus of the ideas immanent in nervous activity" ▪ simple artificial “neurons” could be made to perform basic logical operations such as AND, OR and NOT ▪ known as Linear Threshold Gate ▪ NO learning
  • 18. 18AILABS (c) Copyright 2018 1943: Artificial neuron model (McCulloch & Pitts) Evolution of Connectionist Models )( jj sfy j n i iijj bxws  0 w1j x1 w2j x2 wnj xn bj yj
  • 19. 19AILABS (c) Copyright 2018 Evolutionof Connectionist Models 1957: Perceptron model (Rosenblatt) ▪ invention of learning rules inspired by ideas from neuroscience if Σ inputi * weighti > threshold, output = +1 if Σ inputi * weighti < threshold, output = -1 ▪ learns to classify input into two output classes ▪ Sigmoid transfer function: boundedness, graduality   xy xy as0 as1
  • 20. 20AILABS (c) Copyright 2018 1943: Artificial neuron model (McCulloch & Pitts) Evolution of Connectionist Models )( jj sfy j n i iijj bxws  0 w1j x1 w2j x2 wnj xn bj yj js e  1 1
  • 21. 21AILABS (c) Copyright 2018 Evolutionof Connectionist Models 1960s: Delta Learning Rule (Widrow & Hoff) ▪ Define the error as the squared residuals summed over all training cases: ▪ Now differentiate to get error derivatives for weights ▪ The batch delta rule changes the weights in proportion to their error derivatives summed over all training cases 1 2 2 1 2 , ˆ( ) ˆ ˆ ˆ( ) n n n n n ni i n i n n n n i i E y y y EE w w y x y y E w w                    
  • 22. 22AILABS (c) Copyright 2018 Evolutionof Connectionist Models 1969: Minsky's objection to Perceptrons ▪ Marvin Minsky & Seymour Papert: Perceptrons ▪ Unless input categories are linearly separable, a perceptron cannot learn to discriminate between them. ▪ Unfortunately, it appeared that many important categories were not linearly separable.
  • 23. 23AILABS (c) Copyright 2018 Evolutionof Connectionist Models 1969: Minsky's objection to Perceptrons Perceptrons are good at linear classification but ... x1 x2 1 1 1 1 1 1 1 1 1
  • 24. 24AILABS (c) Copyright 2018 Evolutionof Connectionist Models (XOR operation) x1 x2(1) (1) (0) (0) (0) (0) (1) (1) X1 X2 Output 0 0 0 0 1 1 1 0 1 1 1 0 1969: Minsky's objection to Perceptrons Perceptrons are incapable of simple nonlinear classification like XOR
  • 25. 25AILABS (c) Copyright 2018 Universal ApproximationTheorem Existential Version (Kolmogorov) ▪ There exists a finite combination of superposition and addition of continuous functions of single variables which can approximate any continuous, multivariate function on compact subsets of R^d. Constructive Version (Cybenko) ▪ The standard multilayer feed-forward network with a single hidden layer, containing finite number of hidden neurons, is a universal approximator among continuous functions on compact subsets of R^d, under mild assumptions on the activation function.
  • 26. 26AILABS (c) Copyright 2018 Evolutionof Connectionist Models 1986: Backpropagation for Multi-Layer Perceptrons (Rumelhart, Hinton & Williams) ▪ solution to Minsky's objection regarding perceptron's limitation ▪ nonlinear classification is achieved by fully connected, multilayer, feedforward networks of perceptrons (MLP) ▪ MLP can be trained by backpropagation ▪ Two-pass algorithm ▪ forward propagation of activation signals from input to output ▪ backward propagation of error derivatives from output to input
  • 27. 27AILABS (c) Copyright 2018 Evolution of Connectionist Models 1986: Backpropagation for Multi-Layer Perceptrons (Rumelhart, Hinton & Williams) Output Layer Hidden Layer Input Layer Input Output 1x 2x Layer 1 … … Nx … … Layer 2 … … … … y1 y2 yM
  • 28. 28AILABS (c) Copyright 2018 Evolutionof Connectionist Models 1986: Backpropagation for Multi-Layer Perceptrons (Rumelhart, Hinton & Williams) ▪ solution to Minsky's objection regarding perceptron's limitation ▪ nonlinear classification is achieved by fully connected, multilayer, feedforward networks of perceptrons (MLP) ▪ MLP can be trained by backpropagation ▪ Two-pass algorithm ▪ forward propagation of activation signals from input to output ▪ backward propagation of error derivatives from output to input
  • 29. 29AILABS (c) Copyright 2018 Machine Learning Example Handwriting Digit Recognition Machine “2”
  • 30. 30AILABS (c) Copyright 2018 HandwritingDigit Recognition Input Output 16 x 16 = 256 1x 2x 256x … … Color → 1 No color → 0 … y1 y2 y1 Each output represents the confidence of a digit. is 1 is 2 is 0 … 0.1 0.7 0.2 The image is “2” y1 y2 y10
  • 31. 31AILABS (c) Copyright 2018 Example Application Handwriting Digit Recognition Machine “2 ” 1x 2x 256x … … … … y1 y2 y10
  • 32. 32AILABS (c) Copyright 2018 Evolution of Connectionist Models 1989: Convolutional Neural Network (LeCun) Output LayerHidden Layers Input Layer Input Output 1x 2x Layer 1 … … Nx … … Layer 2 … … Layer L … … … … … … … … … … y1 y2 yM Deep means many hidden layers neuron
  • 33. 33AILABS (c) Copyright 2018 Convolutional Neural Network ▪ Input can have very high dimension. ▪ Using a fully-connected neural network would need a large amount of parameters. ▪ CNNs are a special type of neural network whose hidden units are only connected to local receptive field. ▪ The number of parameters needed by CNNs is much smaller. Example: 200x200 image a)fully connected: 40,000 hidden units => 1.6 billion parameters b)CNN: 5x5 kernel (filter), 100 feature maps => 2,500 parameters
  • 34. 34AILABS (c) Copyright 2018 Convolution Operation Patc h
  • 35. 35AILABS (c) Copyright 2018 Convolution Operationin CNN ▪ Input: an image (2-D array): x ▪ Convolution kernel (2-D array of learnable parameters): w ▪ Feature map (2-D array of processed data): s ▪ Convolution operation in 2-D domains:
  • 36. 36AILABS (c) Copyright 2018 ConvolutionFilters
  • 37. 37AILABS (c) Copyright 2018 Convolution Operationwith Filters C
  • 38. 38AILABS (c) Copyright 2018 Convolution Layers Convolution Layer Channels Feature Maps
  • 39. 39AILABS (c) Copyright 2018 3 Stages of a Convolutional Layer
  • 40. 40AILABS (c) Copyright 2018 Non Linear Stage Tanh(x) ReLU
  • 41. 41AILABS (c) Copyright 2018 Evolution of Connectionist Models 2006: Deep Belief Networks (Hinton), Stacked Auto-Encoders (Bengio) Output LayerHidden Layers Input Layer Input Output 1x 2x Layer 1 … … Nx … … Layer 2 … … Layer L … … … … … … … … … … y1 y2 yM Deep means man y hidden layers neuron
  • 42. 42AILABS (c) Copyright 2018 Deep Learning Traditional pattern recognition models use hand-crafted features and relatively simple trainable classifier. This approach has the following limitations: • It is very tedious and costly to develop hand-crafted features ▪ The hand-crafted features are usually highly dependents on one application, and cannot be transferred easily to other applications hand-crafted feature extractor “Simple” Trainable Classifier output
  • 43. 43AILABS (c) Copyright 2018 Deep Learning Deep learning = representation learning Seeks to learn hierarchical representations (i.e. features) automatically through multiple stage of feature learning process. Low-level features output Mid-level features High-level features Trainable classifier Feature visualization of convolutional net trained on ImageNet (Zeiler and Fergus, 2013)
  • 44. 44AILABS (c) Copyright 2018 Learning Hierarchical Representations Hierarchy of representations with increasing level of abstraction. Each stage is a kind of trainable nonlinear feature transformation Image recognition Pixel → edge → motif → part → object Text Character → word → word group → clause → sentence → story Low-level features output Mid-level features High-level features Trainable classifier Increasing level of abstraction
  • 45. 45AILABS (c) Copyright 2018 Pooling Common pooling operations: Max pooling Report the maximum output within a rectangular neighborhood. Average pooling Report the average output of a rectangular neighborhood (possibly weighted by the distance from the central pixel).
  • 46. 46AILABS (c) Copyright 2018 CiFAR10 CiFAR10
  • 47. 47AILABS (c) Copyright 2018 Deep CNN on CiFAR10 Deep CNN on CiFAR10
  • 48. 48AILABS (c) Copyright 2018 Deep CNN on CiFAR10 Deep CNN on CiFAR10
  • 49. 49AILABS (c) Copyright 2018 Deep CNN on CiFAR10 Deep CNN on CiFAR10
  • 50. 50AILABS (c) Copyright 2018 Future Trends ▪ Different and wider range of problems are being addressed ▪ natural language understanding ▪ natural scene understanding ▪ natural speech understanding ▪ Feature learning is being investigated at deeper level ▪ Manifold learning ▪ Reinforcement learning ▪ Integration with other paradigms of machine learning