SlideShare a Scribd company logo
Eva Mohedano
eva.mohedano@insight-centre.org
PhD Student
Insight Centre for Data Analytics
Dublin City University
Deep Neural Networks
Overview
●
●
●
●
Perceptron (Neuron)
Linear decision decision boundary
Class 0
Class 1
x
Linear decision decision boundary
Class 0
Class 1
Parameters of the line.
They are find based on training data
- Learning Stage.
x
Limitations: XOR problem
Input 1 Input 2 Desired
Output
0 0 0
0 1 1
1 0 1
1 1 0
XOR logic table
1
0
0
1 Input 1
Input 2
?
Non-linear decision boundaries
●
●
●
7
Non-linear decision boundaries
○
○
○
○
○
○
○
○
8
Principle of deep learning
●
○
○
○
●
○
○
○
●
○
○
Data
Pixels
Deep learning
Convolutional Neural
Network
Data
Pixels
Low-level
features
SIFT
Representation
BoW/VLAD/Fisher
Classifier
SVM
EngineeredUnsupervisedSupervised
Supervised
9
Example: feature engineering in computer vision
10
ϕ(x)
Neural networks: single neuron
We already seen the single neuron. This is just a
linear classifier (or regressor)
Inputs:
● x1
, x2
Parameters
● w1
, w2
, b
Neural networks
A composition of these simple neurons into
several layers
Each neuron simply computes a linear
combination of its inputs, adds a bias, and
passes the result through an activation
function g(x)
The network can contain one or more hidden
layers. The outputs of these hidden layers
can be thought of as a new representation of
the data (new features).
The final output is the target variable (y = f(x))
Activation functions
●
●
●
●
●
●
Sigmoid
Tanh
ReLU
13
If we only use linear layers we are only able to
learn linear transformations of our input.
Multilayer perceptrons
14
x1
x2
x3
x4
y1
Layer 1
Layer 2
Layer 3
Layer 0
y2
When each node in each layer is a
linear combination of all inputs from
the previous layer then the network
is called a multilayer perceptron
(MLP)
Weights can be organized into
matrices.
Fully
connected
network
Forward pass computes
h0
h1
h2
h3
Multilayer perceptrons
15
Forward pass computes
w11
w12
w13
w14
w21
w22
w23
w24
w31
w32
w33
w34
w41
w42
w43
w44
W1
x1
x2
x3
x4
b1
b2
b3
b4
b1
h0
x1
x2
x3
x4
y1
Layer 1
Layer 2
Layer 3
Layer 0
y2
h0
h1
h2
h3
Multilayer perceptrons
16
Forward pass computes
w11
w12
w13
w14
w21
w22
w23
w24
w31
w32
w33
w34
w41
w42
w43
w44
W1
x1
x2
x3
x4
b1
b2
b3
b4
b1
h0
x1
x2
x3
x4
y1
Layer 1
Layer 2
Layer 3
Layer 0
y2
h0
h1
h2
h3
Universal approximation theorem
Universal approximation theorem states that “the standard multilayer feed-forward network with a single hidden layer,
which contains finite number of hidden neurons, is a universal approximator among continuous functions on compact
subsets of Rn
, under mild assumptions on the activation function.”
If a 2 layer NN is a universal approximator, then why do we need deep nets??
The universal approximation theorem:
● Says nothing about the how easy/difficult it is to fit such approximators
● Needs a “finite number of hidden neurons”: finite may be extremely large
In practice, deep nets can usually represent more complex functions with less total neurons (and
therefore, less parameters)
Example: MNIST digit classification
●
●
●
●
●
●
●
●
18
Example: MNIST digit classification
●
●
●
●
●
28
28
19
Layer #Weights #Biases Total
1 784 x 512 512 401,920
2 512 x 512 512 262,656
3 512 x 10 10 5,130
669,706
Example: MNIST digit classification
●
●
●
●
●
●
●
●
●
●
●
●
●
●
20
Permutation invariant MNIST
●
●
●
●
●
●
Permute
21
Convolutional neural networks (CNNs, convnets)
●
●
22
1D convolution
23
0 1 5 0 2 8 1 0
-1 2 -1
Signal
Kernel/filter
dot product
-3
=
.
1D convolution
24
0 1 5 0 2 8 1 0
-1 2 -1
Signal
Kernel/filter
-3 9
. .
1D convolution
25
0 1 5 0 2 8 1 0
-1 2 -1
Signal
Kernel/filter
-3 9 -7
. . .
1D convolution
26
0 1 5 0 2 8 1 0
-1 2 -1
Signal
Kernel/filter
-3 9 -7 -4 13 -6
. . . . . .
1D convolution
27
0 1 5 0 2 8 1 0
-1 2 -1
Signal
Kernel/filter
-3 -7 13
. . . Hyperparameters
Convolution on a grid
28
Convolution on a volume
32
32
5
5
3
A 5x5 convolution on a volume of depth 3 (e.g.
an image) needs a filter (kernel) with 5x5x3
elements (weights) + a bias
Andrej Karpathy's demo:
http://cs231n.github.io/convolutional-networks/#
conv
Convolution with multiple filters
Stack results into a 3D volume
(depth 4)
Apply filter 1 Apply filter 2 Apply filter 3 Apply filter 4
Pooling layers
1 5 0 2 8 1
10 2 4 9 0 3
8 9 3 7 8 2
3 8 9 6 0 5
16 7 2 2 7 3
6 3 0 5 2 2
10 9
16 7
Convnets
●
●
LeNet-5 [LeCun et al. 1998] 32
Alexnet
● 8 parameter layers (5 convolution, 3 fully connected)
● Softmax output
● 650,000 units
● 60 million free parameters
● Trained on two GPUs (two streams) for a week
● Ensemble of 7 nets used in ILSVRC challenge
Krizhevsky et al. ImageNet classification with deep convolutional neural networks. NIPS, 2012.
Features of Alexnet: Convolutions
Features of Alexnet: max pooling
Features of Alexnet: ReLu
Sigmoid ReLU
Filters learnt by Alexnet
Visualization of the 96 11 x 11 filters learned by bottom layer
Krizhevsky et al. ImageNet classification with deep convolutional neural networks. NIPS, 2012.
Example: a convnet on MNIST
●
●
●
●
●
●
●
●
●
●
https://github.com/fchollet/keras/blob/master/examples/mnist_cnn.py 38
Advantages of convnets
●
○
○
●
○
●
○
●
○
●
○
●
39
Summary
●
●
●
●
●
40
Questions?
41
●
●
●
●
●
Layer #Weights #Biases Total
1 784 x 512 512 401,920
2 512 x 512 512 262,656
3 512 x 10 10 5,130
669,706
●
●
●
●
●
●
●
Layer #Weights #Biases Total
1 3 x 3x 32 1 10
2 3x3x32 32 320
3 14X14x128 128 25,216
4 128X10 10 1,290
35,526

More Related Content

PDF
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
PDF
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
PDF
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
PDF
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
PDF
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018
PDF
Recurrent Neural Networks (D2L2 2017 UPC Deep Learning for Computer Vision)
PDF
Unsupervised Learning (D2L6 2017 UPC Deep Learning for Computer Vision)
PDF
Optimizing Deep Networks (D1L6 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018
Recurrent Neural Networks (D2L2 2017 UPC Deep Learning for Computer Vision)
Unsupervised Learning (D2L6 2017 UPC Deep Learning for Computer Vision)
Optimizing Deep Networks (D1L6 Insight@DCU Machine Learning Workshop 2017)

What's hot (20)

PDF
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
PDF
Lecture 7: Recurrent Neural Networks
PDF
Recurrent Neural Networks (DLAI D7L1 2017 UPC Deep Learning for Artificial In...
PDF
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
PDF
Multilayer Perceptron - Elisa Sayrol - UPC Barcelona 2018
PDF
The Perceptron - Xavier Giro-i-Nieto - UPC Barcelona 2018
PPTX
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
PDF
Joint unsupervised learning of deep representations and image clusters
PDF
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
PDF
Deep Learning for Computer Vision: Visualization (UPC 2016)
PDF
Deep Learning without Annotations - Xavier Giro - UPC Barcelona 2018
PDF
Deep Learning for Computer Vision: Deep Networks (UPC 2016)
PDF
D1L5 Visualization (D1L2 Insight@DCU Machine Learning Workshop 2017)
PDF
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...
PDF
Optimization for Deep Networks (D2L1 2017 UPC Deep Learning for Computer Vision)
PDF
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
PDF
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...
PDF
Skip RNN: Learning to Skip State Updates in Recurrent Neural Networks
PPTX
Convolutional neural networks 이론과 응용
PDF
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Lecture 7: Recurrent Neural Networks
Recurrent Neural Networks (DLAI D7L1 2017 UPC Deep Learning for Artificial In...
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
Multilayer Perceptron - Elisa Sayrol - UPC Barcelona 2018
The Perceptron - Xavier Giro-i-Nieto - UPC Barcelona 2018
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
Joint unsupervised learning of deep representations and image clusters
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
Deep Learning for Computer Vision: Visualization (UPC 2016)
Deep Learning without Annotations - Xavier Giro - UPC Barcelona 2018
Deep Learning for Computer Vision: Deep Networks (UPC 2016)
D1L5 Visualization (D1L2 Insight@DCU Machine Learning Workshop 2017)
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...
Optimization for Deep Networks (D2L1 2017 UPC Deep Learning for Computer Vision)
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...
Skip RNN: Learning to Skip State Updates in Recurrent Neural Networks
Convolutional neural networks 이론과 응용
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Ad

Similar to Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017) (20)

PPTX
Deep learning
PPTX
Deep learning lecture - part 1 (basics, CNN)
PDF
Deep learning introduction basic information
PDF
Introduction to deeplearning engineering
PPTX
Deep Learning Fundamentals
PPTX
Deep Learning
PDF
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
PDF
super-cheatsheet-deep-learning.pdf
PDF
Deep learning: Cutting through the Myths and Hype
PDF
Spectral convnets
PPTX
A Beginner's Approach to Deep Learning Techniques
PPTX
Introduction to Deep Learning
PPTX
Introduction to deep learning
PPTX
Artificial neural networks introduction
PDF
Understanding Convolutional Neural Networks
PPTX
Introduction to Neural Networks and Deep Learning
PDF
Introduction to Applied Machine Learning
PPTX
Digit recognizer by convolutional neural network
DOCX
deep learning
PPTX
Neural Networks and Deep Learning Basics
Deep learning
Deep learning lecture - part 1 (basics, CNN)
Deep learning introduction basic information
Introduction to deeplearning engineering
Deep Learning Fundamentals
Deep Learning
_AI_Stanford_Super_#DeepLearning_Cheat_Sheet!_😊🙃😀🙃😊.pdf
super-cheatsheet-deep-learning.pdf
Deep learning: Cutting through the Myths and Hype
Spectral convnets
A Beginner's Approach to Deep Learning Techniques
Introduction to Deep Learning
Introduction to deep learning
Artificial neural networks introduction
Understanding Convolutional Neural Networks
Introduction to Neural Networks and Deep Learning
Introduction to Applied Machine Learning
Digit recognizer by convolutional neural network
deep learning
Neural Networks and Deep Learning Basics
Ad

More from Universitat Politècnica de Catalunya (20)

PDF
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
PDF
Deep Generative Learning for All
PDF
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
PDF
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
PDF
The Transformer - Xavier Giró - UPC Barcelona 2021
PDF
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
PDF
Open challenges in sign language translation and production
PPTX
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
PPTX
Discovery and Learning of Navigation Goals from Pixels in Minecraft
PDF
Learn2Sign : Sign language recognition and translation using human keypoint e...
PDF
Intepretability / Explainable AI for Deep Neural Networks
PDF
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
PDF
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
PDF
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
PDF
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
PDF
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020
PDF
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
PDF
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...
PDF
Curriculum Learning for Recurrent Video Object Segmentation
PDF
Deep Self-supervised Learning for All - Xavier Giro - X-Europe 2020
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
The Transformer - Xavier Giró - UPC Barcelona 2021
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Open challenges in sign language translation and production
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
Discovery and Learning of Navigation Goals from Pixels in Minecraft
Learn2Sign : Sign language recognition and translation using human keypoint e...
Intepretability / Explainable AI for Deep Neural Networks
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
Q-Learning with a Neural Network - Xavier Giró - UPC Barcelona 2020
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Image Segmentation with Deep Learning - Xavier Giro & Carles Ventura - ISSonD...
Curriculum Learning for Recurrent Video Object Segmentation
Deep Self-supervised Learning for All - Xavier Giro - X-Europe 2020

Recently uploaded (20)

PPTX
climate analysis of Dhaka ,Banglades.pptx
PPTX
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
PDF
Clinical guidelines as a resource for EBP(1).pdf
PPT
ISS -ESG Data flows What is ESG and HowHow
PPTX
Acceptance and paychological effects of mandatory extra coach I classes.pptx
PPTX
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
PPTX
Supervised vs unsupervised machine learning algorithms
PPTX
IB Computer Science - Internal Assessment.pptx
PPTX
Qualitative Qantitative and Mixed Methods.pptx
PPTX
Business Ppt On Nestle.pptx huunnnhhgfvu
PDF
annual-report-2024-2025 original latest.
PPTX
Introduction to machine learning and Linear Models
PDF
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf
PDF
Business Analytics and business intelligence.pdf
PDF
Foundation of Data Science unit number two notes
PDF
“Getting Started with Data Analytics Using R – Concepts, Tools & Case Studies”
PPTX
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
PPTX
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
PDF
Galatica Smart Energy Infrastructure Startup Pitch Deck
climate analysis of Dhaka ,Banglades.pptx
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
Clinical guidelines as a resource for EBP(1).pdf
ISS -ESG Data flows What is ESG and HowHow
Acceptance and paychological effects of mandatory extra coach I classes.pptx
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
Supervised vs unsupervised machine learning algorithms
IB Computer Science - Internal Assessment.pptx
Qualitative Qantitative and Mixed Methods.pptx
Business Ppt On Nestle.pptx huunnnhhgfvu
annual-report-2024-2025 original latest.
Introduction to machine learning and Linear Models
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf
Business Analytics and business intelligence.pdf
Foundation of Data Science unit number two notes
“Getting Started with Data Analytics Using R – Concepts, Tools & Case Studies”
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
Galatica Smart Energy Infrastructure Startup Pitch Deck

Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)