SlideShare a Scribd company logo
1 of 15
Download to read offline
Autoencoders
Lecture slides for Chapter 14 of Deep Learning
www.deeplearningbook.org
Ian Goodfellow
2016-09-30
(Goodfellow 2016)
Structure of an Autoencoder
ns on the reconstructed input. Recirculation is re
sible than back-propagation, but is rarely used for m
x
x r
r
h
h
f g
general structure of an autoencoder, mapping an inpu
tion) r through an internal representation or code h.
Figure 14.1
Input
Hidden layer (code)
Reconstruction
(Goodfellow 2016)
Stochastic Autoencoders
s probability distribution is inexpensive to e
mixture density outputs allow tractable mo
x
x r
r
h
h
pencoder(h | x) pdecoder(x | h)
cture of a stochastic autoencoder, in which both
le functions but instead involve some noise injec
Figure 14.2
(Goodfellow 2016)
Avoiding Trivial Identity
• Undercomplete autoencoders
• h has lower dimension than x
• f or g has low capacity (e.g., linear g)
• Must discard some information in h
• Overcomplete autoencoders
• h has higher dimension than x
• Must be regularized
(Goodfellow 2016)
Regularized Autoencoders
• Sparse autoencoders
• Denoising autoencoders
• Autoencoders with dropout on the hidden layer
• Contractive autoencoders
(Goodfellow 2016)
Sparse Autoencoders
• Limit capacity of autoencoder by adding a term to the cost
function penalizing the code for being larger
• Special case of variational autoencoder
• Probabilistic model
• Laplace prior corresponds to L1 sparsity penalty
• Dirac variational posterior
(Goodfellow 2016)
Denoising Autoencoder
14. AUTOENCODERS
x̃
x̃ L
L
h
h
f
g
x
x
C(x̃ | x)
3: The computational graph of the cost function for a denoising au
rained to reconstruct the clean data point x from its corrupted
Figure 14.3
C: corruption process
(introduce noise)
x̃
x̃ L
L
h
h
f
g
x
x
C(x̃ | x)
re 14.3: The computational graph of the cost function for a denoising autoenc
h is trained to reconstruct the clean data point x from its corrupted versi
is accomplished by minimizing the loss L = log pdecoder(x | h = f(x̃)), w
a corrupted version of the data example x, obtained through a given corru
ess C(x̃ | x). Typically the distribution pdecoder is a factorial distribution whose
meters are emitted by a feedforward network g.
upted samples x̃, given a data sample x. The autoencoder then lear
(Goodfellow 2016)
Denoising Autoencoders Learn
a Manifold
x
x̃
g f
x̃
C(x̃ | x)
x
Figure 14.4: A denoising autoencoder is trained to map a corrupted data point x̃ back to
the original data point x. We illustrate training examples x as red crosses lying near a
low-dimensional manifold illustrated with the bold black line. We illustrate the corruption
Figure 14.4
(Goodfellow 2016)
Score Matching
• Score:
• Fit a density model by matching score of model to
score of data
• Some denoising autoencoders are equivalent to score
matching applied to some density models
ng the Score
värinen, 2005) is an alternative to maximum likelihood. It
t estimator of probability distributions based on encouraging
e same score as the data distribution at every training point
he score is a particular gradient field:
rx log p(x). (14.15)
iscussed further in section 18.4. For the present discussion
ders, it is sufficient to understand that learning the gradient
ne way to learn the structure of pdata itself.
nt property of DAEs is that their training criterion (with
ian p(x | h)) makes the autoencoder learn a vector field
stimates the score of the data distribution. This is illustrated
ng of a specific kind of autoencoder (sigmoidal hidden units,
(Goodfellow 2016)
Vector Field Learned by a
Denoising Autoencoder
by training with the squared error criterion
||g(f(x̃)) x||2
(14.16)
and corruption
C(x̃ = x̃|x) = N(x̃; µ = x, ⌃ = 2
I) (14.17)
with noise variance 2. See figure 14.5 for an illustration of how this works.
Figure 14.5: Vector field learned by a denoising autoencoder around a 1-D curved manifold
near which the data concentrates in a 2-D space. Each arrow is proportional to the
reconstruction minus input vector of the autoencoder and points towards higher probability
according to the implicitly estimated probability distribution. The vector field has zeros
Figure 14.5
(Goodfellow 2016)
Tangent Hyperplane of a
Manifold
CHAPTER 14. AUTOENCODERS
Figure 14.6
(Goodfellow 2016)
Learning a Collection of 0-D
Manifolds by Resisting Perturbation
HAPTER 14. AUTOENCODERS
x0 x1 x2
x
0.0
0.2
0.4
0.6
0.8
1.0
r(x)
Identity
Optimal reconstruction
Figure 14.7: If the autoencoder learns a reconstruction function that is invariant to small
erturbations near the data points, it captures the manifold structure of the data. Here
he manifold structure is a collection of 0-dimensional manifolds. The dashed diagonal
Figure 14.7
(Goodfellow 2016)
Non-Parametric Manifold Learning
with Nearest-Neighbor Graphs
CHAPTER 14. AUTOENCODERS
Figure 14.8: Non-parametric manifold learning procedures build a nearest neighbor graph
in which nodes represent training examples a directed edges indicate nearest neighbor
Figure 14.8
(Goodfellow 2016)
Tiling a Manifold with Local
Coordinate Systems
CHAPTER 14. AUTOENCODERS
Figure 14.9: If the tangent planes (see figure 14.6) at each location are known, then they
can be tiled to form a global coordinate system or a density function. Each local patch
Figure 14.9
(Goodfellow 2016)
Contractive Autoencoders
ve Autoencoders
oder (Rifai et al., 2011a,b) introduces an explicit regularizer
encouraging the derivatives of f to be as small as possible:
⌦(h) =
@f(x)
@x
2
F
. (14.18)
squared Frobenius norm (sum of squared elements) of the
ial derivatives associated with the encoder function.
n between the denoising autoencoder and the contractive
Bengio (2013) showed that in the limit of small Gaussian
sing reconstruction error is equivalent to a contractive
ruction function that maps x to r = g(f(x)). In other
ncoders make the reconstruction function resist small but
ns of the input, while contractive autoencoders make the
tion resist infinitesimal perturbations of the input. When
HAPTER 14. AUTOENCODERS
Input
point
Tangent vectors
Local PCA (no sharing across regions)
Contractive autoencoder
gure 14.10: Illustration of tangent vectors of the manifold estimated by local PC
d by a contractive autoencoder. The location on the manifold is defined by the inp
Figure 14.10

More Related Content

What's hot

Classification using back propagation algorithm
Classification using back propagation algorithmClassification using back propagation algorithm
Classification using back propagation algorithmKIRAN R
 
Recurrent and Recursive Networks (Part 1)
Recurrent and Recursive Networks (Part 1)Recurrent and Recursive Networks (Part 1)
Recurrent and Recursive Networks (Part 1)sohaib_alam
 
Survey of Attention mechanism
Survey of Attention mechanismSurvey of Attention mechanism
Survey of Attention mechanismSwatiNarkhede1
 
Simple Introduction to AutoEncoder
Simple Introduction to AutoEncoderSimple Introduction to AutoEncoder
Simple Introduction to AutoEncoderJun Lang
 
Inference in Bayesian Networks
Inference in Bayesian NetworksInference in Bayesian Networks
Inference in Bayesian Networksguestfee8698
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Muhammad Haroon
 
Autoencoder
AutoencoderAutoencoder
AutoencoderHARISH R
 
An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)ananth
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningMohamed Loey
 
Illumination model
Illumination modelIllumination model
Illumination modelAnkur Kumar
 
Basic Learning Algorithms of ANN
Basic Learning Algorithms of ANNBasic Learning Algorithms of ANN
Basic Learning Algorithms of ANNwaseem khan
 
Perceptron (neural network)
Perceptron (neural network)Perceptron (neural network)
Perceptron (neural network)EdutechLearners
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsMd. Main Uddin Rony
 
ML_ Unit_1_PART_A
ML_ Unit_1_PART_AML_ Unit_1_PART_A
ML_ Unit_1_PART_ASrimatre K
 
backpropagation in neural networks
backpropagation in neural networksbackpropagation in neural networks
backpropagation in neural networksAkash Goel
 
Neural net and back propagation
Neural net and back propagationNeural net and back propagation
Neural net and back propagationMohit Shrivastava
 

What's hot (20)

Classification using back propagation algorithm
Classification using back propagation algorithmClassification using back propagation algorithm
Classification using back propagation algorithm
 
Recurrent and Recursive Networks (Part 1)
Recurrent and Recursive Networks (Part 1)Recurrent and Recursive Networks (Part 1)
Recurrent and Recursive Networks (Part 1)
 
Survey of Attention mechanism
Survey of Attention mechanismSurvey of Attention mechanism
Survey of Attention mechanism
 
Simple Introduction to AutoEncoder
Simple Introduction to AutoEncoderSimple Introduction to AutoEncoder
Simple Introduction to AutoEncoder
 
Inference in Bayesian Networks
Inference in Bayesian NetworksInference in Bayesian Networks
Inference in Bayesian Networks
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
 
04 Multi-layer Feedforward Networks
04 Multi-layer Feedforward Networks04 Multi-layer Feedforward Networks
04 Multi-layer Feedforward Networks
 
Autoencoder
AutoencoderAutoencoder
Autoencoder
 
An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Illumination model
Illumination modelIllumination model
Illumination model
 
Basic Learning Algorithms of ANN
Basic Learning Algorithms of ANNBasic Learning Algorithms of ANN
Basic Learning Algorithms of ANN
 
Perceptron (neural network)
Perceptron (neural network)Perceptron (neural network)
Perceptron (neural network)
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning Algorithms
 
ML_ Unit_1_PART_A
ML_ Unit_1_PART_AML_ Unit_1_PART_A
ML_ Unit_1_PART_A
 
Cnn method
Cnn methodCnn method
Cnn method
 
backpropagation in neural networks
backpropagation in neural networksbackpropagation in neural networks
backpropagation in neural networks
 
Autoencoder
AutoencoderAutoencoder
Autoencoder
 
Neural net and back propagation
Neural net and back propagationNeural net and back propagation
Neural net and back propagation
 

Similar to 14_autoencoders.pdf

Graph Neural Network in practice
Graph Neural Network in practiceGraph Neural Network in practice
Graph Neural Network in practicetuxette
 
Применение машинного обучения для навигации и управления роботами
Применение машинного обучения для навигации и управления роботамиПрименение машинного обучения для навигации и управления роботами
Применение машинного обучения для навигации и управления роботамиSkolkovo Robotics Center
 
Section5 Rbf
Section5 RbfSection5 Rbf
Section5 Rbfkylin
 
Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18
Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18
Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18Olga Zinkevych
 
GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...
GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...
GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...Fabio Petroni, PhD
 
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...Susang Kim
 
Programming Actor-based Collective Adaptive Systems
Programming Actor-based Collective Adaptive SystemsProgramming Actor-based Collective Adaptive Systems
Programming Actor-based Collective Adaptive SystemsRoberto Casadei
 
A lab report on modeling and simulation with python code
A lab report on modeling and simulation with python codeA lab report on modeling and simulation with python code
A lab report on modeling and simulation with python codeAlamgir Hossain
 
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...Artem Lutov
 
CS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and CullingCS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and CullingMark Kilgard
 
Integrative Parallel Programming in HPC
Integrative Parallel Programming in HPCIntegrative Parallel Programming in HPC
Integrative Parallel Programming in HPCVictor Eijkhout
 
BALANCING BOARD MACHINES
BALANCING BOARD MACHINESBALANCING BOARD MACHINES
BALANCING BOARD MACHINESbutest
 

Similar to 14_autoencoders.pdf (20)

15_representation.pdf
15_representation.pdf15_representation.pdf
15_representation.pdf
 
Graph Neural Network in practice
Graph Neural Network in practiceGraph Neural Network in practice
Graph Neural Network in practice
 
Применение машинного обучения для навигации и управления роботами
Применение машинного обучения для навигации и управления роботамиПрименение машинного обучения для навигации и управления роботами
Применение машинного обучения для навигации и управления роботами
 
06 mlp
06 mlp06 mlp
06 mlp
 
Section5 Rbf
Section5 RbfSection5 Rbf
Section5 Rbf
 
17_monte_carlo.pdf
17_monte_carlo.pdf17_monte_carlo.pdf
17_monte_carlo.pdf
 
Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18
Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18
Variational autoencoders for speech processing d.bielievtsov dataconf 21 04 18
 
GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...
GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...
GASGD: Stochastic Gradient Descent for Distributed Asynchronous Matrix Comple...
 
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
 
Subquad multi ff
Subquad multi ffSubquad multi ff
Subquad multi ff
 
Compound Structure Detection
Compound Structure DetectionCompound Structure Detection
Compound Structure Detection
 
Programming Actor-based Collective Adaptive Systems
Programming Actor-based Collective Adaptive SystemsProgramming Actor-based Collective Adaptive Systems
Programming Actor-based Collective Adaptive Systems
 
Compound Structure Detection
Compound Structure DetectionCompound Structure Detection
Compound Structure Detection
 
A lab report on modeling and simulation with python code
A lab report on modeling and simulation with python codeA lab report on modeling and simulation with python code
A lab report on modeling and simulation with python code
 
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
DAOR - Bridging the Gap between Community and Node Representations: Graph Emb...
 
CS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and CullingCS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and Culling
 
QMC Program: Trends and Advances in Monte Carlo Sampling Algorithms Workshop,...
QMC Program: Trends and Advances in Monte Carlo Sampling Algorithms Workshop,...QMC Program: Trends and Advances in Monte Carlo Sampling Algorithms Workshop,...
QMC Program: Trends and Advances in Monte Carlo Sampling Algorithms Workshop,...
 
Iclr2016 vaeまとめ
Iclr2016 vaeまとめIclr2016 vaeまとめ
Iclr2016 vaeまとめ
 
Integrative Parallel Programming in HPC
Integrative Parallel Programming in HPCIntegrative Parallel Programming in HPC
Integrative Parallel Programming in HPC
 
BALANCING BOARD MACHINES
BALANCING BOARD MACHINESBALANCING BOARD MACHINES
BALANCING BOARD MACHINES
 

More from KSChidanandKumarJSSS (8)

12_applications.pdf
12_applications.pdf12_applications.pdf
12_applications.pdf
 
16_graphical_models.pdf
16_graphical_models.pdf16_graphical_models.pdf
16_graphical_models.pdf
 
10_rnn.pdf
10_rnn.pdf10_rnn.pdf
10_rnn.pdf
 
Adversarial ML - Part 2.pdf
Adversarial ML - Part 2.pdfAdversarial ML - Part 2.pdf
Adversarial ML - Part 2.pdf
 
Adversarial ML - Part 1.pdf
Adversarial ML - Part 1.pdfAdversarial ML - Part 1.pdf
Adversarial ML - Part 1.pdf
 
18_partition.pdf
18_partition.pdf18_partition.pdf
18_partition.pdf
 
8803-09-lec16.pdf
8803-09-lec16.pdf8803-09-lec16.pdf
8803-09-lec16.pdf
 
13_linear_factors.pdf
13_linear_factors.pdf13_linear_factors.pdf
13_linear_factors.pdf
 

Recently uploaded

Dubai Call Girls CUNT O525547819 Best Call Girls In Dubai
Dubai Call Girls CUNT O525547819 Best Call Girls In DubaiDubai Call Girls CUNT O525547819 Best Call Girls In Dubai
Dubai Call Girls CUNT O525547819 Best Call Girls In Dubaikojalkojal131
 
Foreigner Call Girls in junagadh 8250092165 Call Girls Advance Cash On Deliv...
Foreigner Call Girls in junagadh  8250092165 Call Girls Advance Cash On Deliv...Foreigner Call Girls in junagadh  8250092165 Call Girls Advance Cash On Deliv...
Foreigner Call Girls in junagadh 8250092165 Call Girls Advance Cash On Deliv...Sareena Khatun
 
💞 Safe And Secure Call Girls Agra 💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...
💞 Safe And Secure Call Girls Agra  💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...💞 Safe And Secure Call Girls Agra  💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...
💞 Safe And Secure Call Girls Agra 💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...vershagrag
 
Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...
Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...
Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...kumargunjan9515
 
💚 Call Girls Chamarajanagar 9332606886 HOT & SEXY Models beautiful and charm...
💚 Call Girls Chamarajanagar  9332606886 HOT & SEXY Models beautiful and charm...💚 Call Girls Chamarajanagar  9332606886 HOT & SEXY Models beautiful and charm...
💚 Call Girls Chamarajanagar 9332606886 HOT & SEXY Models beautiful and charm...kumargunjan9515
 
The Codex Alimentarius Commission (CAC).
The Codex Alimentarius Commission (CAC).The Codex Alimentarius Commission (CAC).
The Codex Alimentarius Commission (CAC).Ravikumar Vaniya
 
Cheap Call Girls Chittorgarh 9332606886 HOT & SEXY Models beautiful and char...
Cheap Call Girls Chittorgarh  9332606886 HOT & SEXY Models beautiful and char...Cheap Call Girls Chittorgarh  9332606886 HOT & SEXY Models beautiful and char...
Cheap Call Girls Chittorgarh 9332606886 HOT & SEXY Models beautiful and char...kumargunjan9515
 
PRESTAIR MANUFACTURER OF DISPLAY COUNTER
PRESTAIR MANUFACTURER OF DISPLAY COUNTERPRESTAIR MANUFACTURER OF DISPLAY COUNTER
PRESTAIR MANUFACTURER OF DISPLAY COUNTERPRESTAIR SYSTEMS LLP
 
Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...
Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...
Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...Sareena Khatun
 
Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...gajnagarg
 
Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...Sareena Khatun
 
Call Girls Service in Mangalore 9332606886 HOT & SEXY Models beautiful and c...
Call Girls Service in Mangalore  9332606886 HOT & SEXY Models beautiful and c...Call Girls Service in Mangalore  9332606886 HOT & SEXY Models beautiful and c...
Call Girls Service in Mangalore 9332606886 HOT & SEXY Models beautiful and c...kumargunjan9515
 
Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...
Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...
Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...Sareena Khatun
 
Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...gajnagarg
 
Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...
Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...
Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...Sareena Khatun
 
Call Girls Kothrud / 8250092165 Genuine Call girls with real Photos and Number
Call Girls Kothrud / 8250092165 Genuine Call girls with real Photos and NumberCall Girls Kothrud / 8250092165 Genuine Call girls with real Photos and Number
Call Girls Kothrud / 8250092165 Genuine Call girls with real Photos and NumberSareena Khatun
 
Call Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budget
Call Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budgetCall Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budget
Call Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budgetSareena Khatun
 
fostac ppt_food safety and training certificate
fostac ppt_food safety and training certificatefostac ppt_food safety and training certificate
fostac ppt_food safety and training certificateadityjobymathew1
 
Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...Sareena Khatun
 

Recently uploaded (20)

Jual Obat Aborsi Sorong, Wa : 0822/2310/9953 Apotik Jual Obat Cytotec Di Sorong
Jual Obat Aborsi Sorong, Wa : 0822/2310/9953 Apotik Jual Obat Cytotec Di SorongJual Obat Aborsi Sorong, Wa : 0822/2310/9953 Apotik Jual Obat Cytotec Di Sorong
Jual Obat Aborsi Sorong, Wa : 0822/2310/9953 Apotik Jual Obat Cytotec Di Sorong
 
Dubai Call Girls CUNT O525547819 Best Call Girls In Dubai
Dubai Call Girls CUNT O525547819 Best Call Girls In DubaiDubai Call Girls CUNT O525547819 Best Call Girls In Dubai
Dubai Call Girls CUNT O525547819 Best Call Girls In Dubai
 
Foreigner Call Girls in junagadh 8250092165 Call Girls Advance Cash On Deliv...
Foreigner Call Girls in junagadh  8250092165 Call Girls Advance Cash On Deliv...Foreigner Call Girls in junagadh  8250092165 Call Girls Advance Cash On Deliv...
Foreigner Call Girls in junagadh 8250092165 Call Girls Advance Cash On Deliv...
 
💞 Safe And Secure Call Girls Agra 💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...
💞 Safe And Secure Call Girls Agra  💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...💞 Safe And Secure Call Girls Agra  💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...
💞 Safe And Secure Call Girls Agra 💯Niamh 📲🔝6378878445🔝Call Girl No💰Advance C...
 
Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...
Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...
Call girls Service Beeramguda - 8250092165 Our call girls are sure to provide...
 
💚 Call Girls Chamarajanagar 9332606886 HOT & SEXY Models beautiful and charm...
💚 Call Girls Chamarajanagar  9332606886 HOT & SEXY Models beautiful and charm...💚 Call Girls Chamarajanagar  9332606886 HOT & SEXY Models beautiful and charm...
💚 Call Girls Chamarajanagar 9332606886 HOT & SEXY Models beautiful and charm...
 
The Codex Alimentarius Commission (CAC).
The Codex Alimentarius Commission (CAC).The Codex Alimentarius Commission (CAC).
The Codex Alimentarius Commission (CAC).
 
Cheap Call Girls Chittorgarh 9332606886 HOT & SEXY Models beautiful and char...
Cheap Call Girls Chittorgarh  9332606886 HOT & SEXY Models beautiful and char...Cheap Call Girls Chittorgarh  9332606886 HOT & SEXY Models beautiful and char...
Cheap Call Girls Chittorgarh 9332606886 HOT & SEXY Models beautiful and char...
 
PRESTAIR MANUFACTURER OF DISPLAY COUNTER
PRESTAIR MANUFACTURER OF DISPLAY COUNTERPRESTAIR MANUFACTURER OF DISPLAY COUNTER
PRESTAIR MANUFACTURER OF DISPLAY COUNTER
 
Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...
Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...
Call girls Service Wadgaon Sheri - 8250092165 Our call girls are sure to prov...
 
Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Kharagpur [ 7014168258 ] Call Me For Genuine Models...
 
Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Sihor - 8250092165 Our call girls are sure to provide you with ...
 
Call Girls Service in Mangalore 9332606886 HOT & SEXY Models beautiful and c...
Call Girls Service in Mangalore  9332606886 HOT & SEXY Models beautiful and c...Call Girls Service in Mangalore  9332606886 HOT & SEXY Models beautiful and c...
Call Girls Service in Mangalore 9332606886 HOT & SEXY Models beautiful and c...
 
Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...
Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...
Call Girls Bhavnagar - 8250092165 Our call girls are sure to provide you with...
 
Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In Chhapra [ 7014168258 ] Call Me For Genuine Models W...
 
Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...
Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...
Call girls Service Nadiad / 8250092165 Genuine Call girls with real Photos an...
 
Call Girls Kothrud / 8250092165 Genuine Call girls with real Photos and Number
Call Girls Kothrud / 8250092165 Genuine Call girls with real Photos and NumberCall Girls Kothrud / 8250092165 Genuine Call girls with real Photos and Number
Call Girls Kothrud / 8250092165 Genuine Call girls with real Photos and Number
 
Call Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budget
Call Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budgetCall Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budget
Call Girls Chakan ( 8250092165 ) Cheap rates call girls | Get low budget
 
fostac ppt_food safety and training certificate
fostac ppt_food safety and training certificatefostac ppt_food safety and training certificate
fostac ppt_food safety and training certificate
 
Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...
Call Girls in Morbi - 8250092165 Our call girls are sure to provide you with ...
 

14_autoencoders.pdf

  • 1. Autoencoders Lecture slides for Chapter 14 of Deep Learning www.deeplearningbook.org Ian Goodfellow 2016-09-30
  • 2. (Goodfellow 2016) Structure of an Autoencoder ns on the reconstructed input. Recirculation is re sible than back-propagation, but is rarely used for m x x r r h h f g general structure of an autoencoder, mapping an inpu tion) r through an internal representation or code h. Figure 14.1 Input Hidden layer (code) Reconstruction
  • 3. (Goodfellow 2016) Stochastic Autoencoders s probability distribution is inexpensive to e mixture density outputs allow tractable mo x x r r h h pencoder(h | x) pdecoder(x | h) cture of a stochastic autoencoder, in which both le functions but instead involve some noise injec Figure 14.2
  • 4. (Goodfellow 2016) Avoiding Trivial Identity • Undercomplete autoencoders • h has lower dimension than x • f or g has low capacity (e.g., linear g) • Must discard some information in h • Overcomplete autoencoders • h has higher dimension than x • Must be regularized
  • 5. (Goodfellow 2016) Regularized Autoencoders • Sparse autoencoders • Denoising autoencoders • Autoencoders with dropout on the hidden layer • Contractive autoencoders
  • 6. (Goodfellow 2016) Sparse Autoencoders • Limit capacity of autoencoder by adding a term to the cost function penalizing the code for being larger • Special case of variational autoencoder • Probabilistic model • Laplace prior corresponds to L1 sparsity penalty • Dirac variational posterior
  • 7. (Goodfellow 2016) Denoising Autoencoder 14. AUTOENCODERS x̃ x̃ L L h h f g x x C(x̃ | x) 3: The computational graph of the cost function for a denoising au rained to reconstruct the clean data point x from its corrupted Figure 14.3 C: corruption process (introduce noise) x̃ x̃ L L h h f g x x C(x̃ | x) re 14.3: The computational graph of the cost function for a denoising autoenc h is trained to reconstruct the clean data point x from its corrupted versi is accomplished by minimizing the loss L = log pdecoder(x | h = f(x̃)), w a corrupted version of the data example x, obtained through a given corru ess C(x̃ | x). Typically the distribution pdecoder is a factorial distribution whose meters are emitted by a feedforward network g. upted samples x̃, given a data sample x. The autoencoder then lear
  • 8. (Goodfellow 2016) Denoising Autoencoders Learn a Manifold x x̃ g f x̃ C(x̃ | x) x Figure 14.4: A denoising autoencoder is trained to map a corrupted data point x̃ back to the original data point x. We illustrate training examples x as red crosses lying near a low-dimensional manifold illustrated with the bold black line. We illustrate the corruption Figure 14.4
  • 9. (Goodfellow 2016) Score Matching • Score: • Fit a density model by matching score of model to score of data • Some denoising autoencoders are equivalent to score matching applied to some density models ng the Score värinen, 2005) is an alternative to maximum likelihood. It t estimator of probability distributions based on encouraging e same score as the data distribution at every training point he score is a particular gradient field: rx log p(x). (14.15) iscussed further in section 18.4. For the present discussion ders, it is sufficient to understand that learning the gradient ne way to learn the structure of pdata itself. nt property of DAEs is that their training criterion (with ian p(x | h)) makes the autoencoder learn a vector field stimates the score of the data distribution. This is illustrated ng of a specific kind of autoencoder (sigmoidal hidden units,
  • 10. (Goodfellow 2016) Vector Field Learned by a Denoising Autoencoder by training with the squared error criterion ||g(f(x̃)) x||2 (14.16) and corruption C(x̃ = x̃|x) = N(x̃; µ = x, ⌃ = 2 I) (14.17) with noise variance 2. See figure 14.5 for an illustration of how this works. Figure 14.5: Vector field learned by a denoising autoencoder around a 1-D curved manifold near which the data concentrates in a 2-D space. Each arrow is proportional to the reconstruction minus input vector of the autoencoder and points towards higher probability according to the implicitly estimated probability distribution. The vector field has zeros Figure 14.5
  • 11. (Goodfellow 2016) Tangent Hyperplane of a Manifold CHAPTER 14. AUTOENCODERS Figure 14.6
  • 12. (Goodfellow 2016) Learning a Collection of 0-D Manifolds by Resisting Perturbation HAPTER 14. AUTOENCODERS x0 x1 x2 x 0.0 0.2 0.4 0.6 0.8 1.0 r(x) Identity Optimal reconstruction Figure 14.7: If the autoencoder learns a reconstruction function that is invariant to small erturbations near the data points, it captures the manifold structure of the data. Here he manifold structure is a collection of 0-dimensional manifolds. The dashed diagonal Figure 14.7
  • 13. (Goodfellow 2016) Non-Parametric Manifold Learning with Nearest-Neighbor Graphs CHAPTER 14. AUTOENCODERS Figure 14.8: Non-parametric manifold learning procedures build a nearest neighbor graph in which nodes represent training examples a directed edges indicate nearest neighbor Figure 14.8
  • 14. (Goodfellow 2016) Tiling a Manifold with Local Coordinate Systems CHAPTER 14. AUTOENCODERS Figure 14.9: If the tangent planes (see figure 14.6) at each location are known, then they can be tiled to form a global coordinate system or a density function. Each local patch Figure 14.9
  • 15. (Goodfellow 2016) Contractive Autoencoders ve Autoencoders oder (Rifai et al., 2011a,b) introduces an explicit regularizer encouraging the derivatives of f to be as small as possible: ⌦(h) = @f(x) @x 2 F . (14.18) squared Frobenius norm (sum of squared elements) of the ial derivatives associated with the encoder function. n between the denoising autoencoder and the contractive Bengio (2013) showed that in the limit of small Gaussian sing reconstruction error is equivalent to a contractive ruction function that maps x to r = g(f(x)). In other ncoders make the reconstruction function resist small but ns of the input, while contractive autoencoders make the tion resist infinitesimal perturbations of the input. When HAPTER 14. AUTOENCODERS Input point Tangent vectors Local PCA (no sharing across regions) Contractive autoencoder gure 14.10: Illustration of tangent vectors of the manifold estimated by local PC d by a contractive autoencoder. The location on the manifold is defined by the inp Figure 14.10