SlideShare a Scribd company logo
Machine Learning
Deep Learning
Inas A. Yassine
Systems and Biomedical Engineering Department,
Faculty of Engineering - Cairo University
iyassine@eng.cu.edu.eg
Self-taught learning
Testing:
What is this?
Car Motorcycle
Unlabeled images (random internet images)
Deep Learning
§ Biology Aspect
§ Each neuron is fired due to a certain edge
direction
§ New Wiring Experiment
§ Brain port
§ Automate what we see as a face….
Self-taught learning
Sparse
coding,
LCC, etc.
f1, f2, …, fk
Car Motorcycle
Use	learned	f1, f2, …, fk to	represent	training/test	sets.	
Using f1, f2, …, fk
a1, a2, …, ak
If have labeled training
set is small, can give
huge performance
boost.
Learning feature
hierarchies/Deep learning
Why feature hierarchies
pixels edges object parts
(combination
of edges)
Convolution batches !
Deep learning algorithms
§ Stack sparse coding algorithm
§ Deep Belief Network (DBN) (Hinton)
§ Deep sparse autoencoders (Bengio)
§ Deep Convolution Neural Networks
§ Residual Networks
§ Seams Networks
§ Self Learning Netowrks
[Other related work: LeCun, Lee,Yuille, Ng …]
Deep Learning:Autoencoder
Deep learning with autoencoders
§ Logistic regression
§ Neural network
§ Sparse autoencoder
§ Deep autoencoder
Logistic regression has a learned parameter vector q.
On input x, it outputs:
where
Logistic regression
x1
x2
x3
+1
Draw a logistic
regression unit as:
Neural Network
String a lot of logistic units together. Example 3 layer network:
x1
x2
x3
+1 +1
a3
a2
a1
Layer	1 Layer	2
Layer 3
Neural Network
x1
x2
x3
+1 +1
Layer	1 Layer	2
Layer	4+1
Layer	3
Example” 4 layer network with 2 output units:
Training a neural network
Given training set (x1, y1), (x2, y2), (x3, y3 ), ….
Adjust parameters q (for every node) to make:
(Use gradient descent.“Backpropagation” algorithm. Susceptible to local optima.)
Unsupervised feature learning
x4
x5
x6
+1
Layer 1
Layer 2
x1
x2
x3
x4
x5
x6
x1
x2
x3
+1
Layer 3
Network is trained to
output the input (learn
identify function).
Minimizing both information
of data and output
Trivial solution unless:
- Constrain number of units
in Layer 2 (learn compressed
representation), or
- Constrain Layer 2 to be
sparse.
a1
a2
a3
Training a sparse autoencoder.
Given unlabeled training set x1, x2,
Unsupervised feature learning with ANN
Reconstruction error
term
𝑊" 𝑊X
a1
a2
a3
Unsupervised feature learning with ANN
x4
x5
x6
+1
Layer	1
Layer	2
x1
x2
x3
x4
x5
x6
x1
x2
x3
+1
Layer	3
Unsupervised feature learning with ANN
New representation for input.
x4
x5
x6
+1
Layer	1
Layer	2
x1
x2
x3
+1
Unsupervised feature learning with ANN
x4
x5
x6
+1
Layer	1
Layer	2
x1
x2
x3
+1
+1
b1
b2
b3
Train parameters so that ,
subject to bi’s being sparse.
Greedy Learning
Regularization
using back
propagation of
the complete
system after
greedy + 5%
increase in
performance
x4
x5
x6
+1
Layer 1
Layer 2
x1
x2
x3
+1+1
b1
b2
b3
x4
x5
x6
+1
Layer 1
Layer 2
x1
x2
x3
+1
Sparse Autoencoder
First stage of visual processing in
brain:V1
Schematic of simple cell Actual simple cell
“Gabor functions.”
The first stage of
visual processing in
the brain (V1) does
“edge detection.”
Learning an image representation
Sparse coding (Olshausen & Field,1996)
Input: Images x(1), x(2), …, x(m) (each in Rn x n)
Learn: Dictionary of bases f1, f2, …, fk (also Rn x n), so that each
input x can be approximately decomposed as:
s.t. aj’s are mostly zero (“sparse”)
Use to represent 14x14 image patch succinctly, as [a7=0.8, a36=0.3,
a41 = 0.5]. I.e., this indicates which “basic edges” make up the
image.
Sparse coding illustration
Natural	Images
Learned	bases	(f1	,	…,	f64):		“Edges”
50 100 150 200 250 300 350 400 450 500
50
100
150
200
250
300
350
400
450
500
50 100 150 200 250 300 350 400 450 500
50
100
150
200
250
300
350
400
450
500
50 100 150 200 250 300 350 400 450 500
50
100
150
200
250
300
350
400
450
500
» 0.8 * + 0.3 * + 0.5 *
x » 0.8 * f36
+ 0.3 * f42 + 0.5 * f63
[0,	0,	…,	0, 0.8,	0,	…,	0,	0.3,	0,	…,	0,	0.5,	…]	
Test	example
Represent as: [0,	0,	…,	0, 0.6,	0,	…,	0,	0.8,	0,	…,	0,	0.4,	…]	
Represent as: [0,	0,	…,	0, 1.3,	0,	…,	0,	0.9,	0,	…,	0,	0.3,	…]	
More examples
» 0.6 * + 0.8 * + 0.4 *
f15 f28
f37
» 1.3 * + 0.9 * + 0.3 *
f5 f18
f29
• Method hypothesizes that edge-like patches are the most
“basic” elements of a scene, and represents an image in terms of
the edges that appear in it.
• Use to obtain a more compact, higher-level representation of
the scene than pixels.
Sparse Learning
§ Input: Images x(1), x(2), …, x(m) (each in Rn x
n)
Reconstruction error
term
𝑊" 𝑊X
Regularization objective :
• Small?
• Too much energy to be fired
• Different neurons
• L1 norm
• ΞΞ |W X|
DEEP LEARNING:
CONVOLUTION NEURAL
NETWORK
ConvNets (Fukushima, LeCun,
Hinton)
ConvNets
Machine Learning 2
Convolution
§ Correlation
§ Convolution
Image Convolution
Machine Learning 2
Image Convolution
Image Convolution
Image Convolution
ConvNets in Torch

More Related Content

ODP
Simple Introduction to AutoEncoder
PPTX
FUNCTION APPROXIMATION
PPT
Function Approx2009
PPTX
Computer vision lab seminar(deep learning) yong hoon
PPTX
Convolutional neural networks
PDF
Convolutional Neural Networks (CNN)
PDF
Introduction to Autoencoders
PDF
MLIP - Chapter 3 - Introduction to deep learning
Simple Introduction to AutoEncoder
FUNCTION APPROXIMATION
Function Approx2009
Computer vision lab seminar(deep learning) yong hoon
Convolutional neural networks
Convolutional Neural Networks (CNN)
Introduction to Autoencoders
MLIP - Chapter 3 - Introduction to deep learning

What's hot (16)

PDF
Artificial neural networks
PDF
Scene classification using Convolutional Neural Networks - Jayani Withanawasam
PPTX
Tutorial on convolutional neural networks
PDF
MLIP - Chapter 5 - Detection, Segmentation, Captioning
PDF
Semi-Supervised Autoencoders for Predicting Sentiment Distributions(第 5 回 De...
PDF
Intro To Convolutional Neural Networks
PPTX
Convolutional neural networks deepa
PDF
Icml2012 learning hierarchies of invariant features
PDF
Deep Learning
PPTX
Deep Learning - A Literature survey
PPTX
Geek Night 17.0 - Artificial Intelligence and Machine Learning
PDF
Convolutional Neural Networks: Part 1
PDF
Deep learning - Conceptual understanding and applications
PDF
MLIP - Chapter 6 - Generation, Super-Resolution, Style transfer
PDF
Anatomy of YOLO - v1
PDF
Deep convnets for global recognition (Master in Computer Vision Barcelona 2016)
Artificial neural networks
Scene classification using Convolutional Neural Networks - Jayani Withanawasam
Tutorial on convolutional neural networks
MLIP - Chapter 5 - Detection, Segmentation, Captioning
Semi-Supervised Autoencoders for Predicting Sentiment Distributions(第 5 回 De...
Intro To Convolutional Neural Networks
Convolutional neural networks deepa
Icml2012 learning hierarchies of invariant features
Deep Learning
Deep Learning - A Literature survey
Geek Night 17.0 - Artificial Intelligence and Machine Learning
Convolutional Neural Networks: Part 1
Deep learning - Conceptual understanding and applications
MLIP - Chapter 6 - Generation, Super-Resolution, Style transfer
Anatomy of YOLO - v1
Deep convnets for global recognition (Master in Computer Vision Barcelona 2016)
Ad

Similar to Machine Learning 2 (20)

PPTX
Unsupervised Feature Learning
PPT
ECCV2010: feature learning for image classification, part 4
PDF
Fundamental of deep learning
PDF
A tutorial on deep learning at icml 2013
PPTX
Autoencoders for image_classification
PPT
deeplearning
PDF
Introduction to Deep Learning: Concepts, Architectures, and Applications
PDF
CIKM-keynote-Nov2014- Large Scale Deep Learning.pdf
PPTX
Piotr Mirowski - Review Autoencoders (Deep Learning) - CIUUK14
PDF
Learning visual representation without human label
PPTX
Deep Learning Tutorial
PPTX
Deep learning tutorial 9/2019
PPTX
Introduction to deep learning
PPTX
A simple presentation for deep learning.
PPT
lecun-01.ppt
PPTX
Tsinghua invited talk_zhou_xing_v2r0
PPTX
Introduction to deep learning workshop
PDF
Honey, I Deep-shrunk the Sample Covariance Matrix! by Erk Subasi at QuantCon ...
PPTX
Deep Learning Fundamentals
PDF
Deep learning
Unsupervised Feature Learning
ECCV2010: feature learning for image classification, part 4
Fundamental of deep learning
A tutorial on deep learning at icml 2013
Autoencoders for image_classification
deeplearning
Introduction to Deep Learning: Concepts, Architectures, and Applications
CIKM-keynote-Nov2014- Large Scale Deep Learning.pdf
Piotr Mirowski - Review Autoencoders (Deep Learning) - CIUUK14
Learning visual representation without human label
Deep Learning Tutorial
Deep learning tutorial 9/2019
Introduction to deep learning
A simple presentation for deep learning.
lecun-01.ppt
Tsinghua invited talk_zhou_xing_v2r0
Introduction to deep learning workshop
Honey, I Deep-shrunk the Sample Covariance Matrix! by Erk Subasi at QuantCon ...
Deep Learning Fundamentals
Deep learning
Ad

More from cairo university (20)

PPSX
Tocci chapter 13 applications of programmable logic devices extended
PPSX
Tocci chapter 12 memory devices
PPSX
Tocci ch 9 msi logic circuits
PPSX
Tocci ch 7 counters and registers modified x
PPSX
Tocci ch 6 digital arithmetic operations and circuits
PPSX
Tocci ch 3 5 boolean algebra, logic gates, combinational circuits, f fs, - re...
PPSX
A15 sedra ch 15 memory circuits
PPSX
A14 sedra ch 14 advanced mos and bipolar logic circuits
PPSX
A13 sedra ch 13 cmos digital logic circuits
PPSX
A09 sedra ch 9 frequency response
PPTX
5 sedra ch 05 mosfet.ppsx
PPSX
5 sedra ch 05 mosfet
PPSX
5 sedra ch 05 mosfet revision
PDF
Fields Lec 2
PDF
Fields Lec 1
PDF
Fields Lec 5&6
PDF
Fields Lec 4
PDF
Fields Lec 3
PPT
Lecture 2 (system overview of c8051 f020) rv01
PPT
Lecture 1 (course overview and 8051 architecture) rv01
Tocci chapter 13 applications of programmable logic devices extended
Tocci chapter 12 memory devices
Tocci ch 9 msi logic circuits
Tocci ch 7 counters and registers modified x
Tocci ch 6 digital arithmetic operations and circuits
Tocci ch 3 5 boolean algebra, logic gates, combinational circuits, f fs, - re...
A15 sedra ch 15 memory circuits
A14 sedra ch 14 advanced mos and bipolar logic circuits
A13 sedra ch 13 cmos digital logic circuits
A09 sedra ch 9 frequency response
5 sedra ch 05 mosfet.ppsx
5 sedra ch 05 mosfet
5 sedra ch 05 mosfet revision
Fields Lec 2
Fields Lec 1
Fields Lec 5&6
Fields Lec 4
Fields Lec 3
Lecture 2 (system overview of c8051 f020) rv01
Lecture 1 (course overview and 8051 architecture) rv01

Recently uploaded (20)

PPTX
Foundation to blockchain - A guide to Blockchain Tech
PPTX
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
PDF
Model Code of Practice - Construction Work - 21102022 .pdf
PPTX
Current and future trends in Computer Vision.pptx
PPTX
additive manufacturing of ss316l using mig welding
PPTX
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
PPTX
UNIT-1 - COAL BASED THERMAL POWER PLANTS
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PPTX
CH1 Production IntroductoryConcepts.pptx
DOCX
573137875-Attendance-Management-System-original
PPTX
web development for engineering and engineering
PPT
Project quality management in manufacturing
PDF
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
PDF
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
PDF
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
PDF
737-MAX_SRG.pdf student reference guides
PDF
Human-AI Collaboration: Balancing Agentic AI and Autonomy in Hybrid Systems
PDF
Unit I ESSENTIAL OF DIGITAL MARKETING.pdf
PPTX
CYBER-CRIMES AND SECURITY A guide to understanding
PDF
composite construction of structures.pdf
Foundation to blockchain - A guide to Blockchain Tech
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
Model Code of Practice - Construction Work - 21102022 .pdf
Current and future trends in Computer Vision.pptx
additive manufacturing of ss316l using mig welding
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
UNIT-1 - COAL BASED THERMAL POWER PLANTS
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
CH1 Production IntroductoryConcepts.pptx
573137875-Attendance-Management-System-original
web development for engineering and engineering
Project quality management in manufacturing
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
737-MAX_SRG.pdf student reference guides
Human-AI Collaboration: Balancing Agentic AI and Autonomy in Hybrid Systems
Unit I ESSENTIAL OF DIGITAL MARKETING.pdf
CYBER-CRIMES AND SECURITY A guide to understanding
composite construction of structures.pdf

Machine Learning 2