SlideShare a Scribd company logo
1 of 22
Download to read offline
Vector Quantized
Variational Auto Encoder 2
(VQ-VAE2)
Takuya KOUMURA
2019.07.05 Journal club
2019.07.05
Takuya KOUMURA
cycentum.com
p. 1
Results
1024×1024
256×256
2019.07.05
Takuya KOUMURA
cycentum.com
p. 2
Probabilistic generative model
x ~ P(x)
x ∈ RN (eg: pixel values, sound amplitudes)
Difficult to sample because xis are highly
dependent on each other and N is large
x P(x)
Sample
3 classes of generative models
⚫Generative adversarial network (GAN)
⚫Variational auto encoder (VAE)
⚫Discrete autoregressive model
2019.07.05
Takuya KOUMURA
cycentum.com
p. 3
History
PixelRNN & PixelCNN
Oord A van den, Kalchbrenner N,
Kavukcuoglu K (2016) Pixel
Recurrent Neural Networks
VQ-VAE2
Razavi A, Oord A van den, Vinyals O
(2019) Generating Diverse High-
Fidelity Images with VQ-VAE-2
VQ-VAE
Oord A van den, Vinyals O,
Kavukcuoglu K (2017) Neural
Discrete Representation Learning
VAE
Kingma DP, Welling M (2013) Auto-
Encoding Variational Bayes.
WaveNet
Oord A van den, Dieleman S, Zen H,
Simonyan K, Vinyals O, Graves A,
Kalchbrenner N, Senior A,
Kavukcuoglu K (2016) WaveNet: A
Generative Model for Raw Audio
2019.07.05
Takuya KOUMURA
cycentum.com
p. 4
History
PixelRNN & PixelCNN
Oord A van den, Kalchbrenner N,
Kavukcuoglu K (2016) Pixel
Recurrent Neural Networks
VQ-VAE2
Razavi A, Oord A van den, Vinyals O
(2019) Generating Diverse High-
Fidelity Images with VQ-VAE-2
VQ-VAE
Oord A van den, Vinyals O,
Kavukcuoglu K (2017) Neural
Discrete Representation Learning
VAE
Kingma DP, Welling M (2013) Auto-
Encoding Variational Bayes.
WaveNet
Oord A van den, Dieleman S, Zen H,
Simonyan K, Vinyals O, Graves A,
Kalchbrenner N, Senior A,
Kavukcuoglu K (2016) WaveNet: A
Generative Model for Raw Audio
2019.07.05
Takuya KOUMURA
cycentum.com
p. 5
Discrete autoregressive model
P(x) = ΠiP(xi | x1, …, xi−1)
The relationship of a pixel to the other pixels are
modeled by a conditional probability
NN NN
2019.07.05
Takuya KOUMURA
cycentum.com
p. 6
Discrete autoregressive model
P(x) = ΠiP(xi | x1, …, xi−1)
The relationship of a pixel to the other pixels are
modeled by a conditional probability
NN
2019.07.05
Takuya KOUMURA
cycentum.com
p. 7
Discrete autoregressive model
xi ~ P(xi | x1, …, xi−1)
xi is discrete
The output layer is softmax
⚫In the case of a RGB image
⚪ The task is 256-way classification
⚪ P(xi) = P(xiR | x<i)P(xiG | xiR, x<i)P(xiB | xiR, xiG, x<i)
⚫In the case of a sound
⚪ µ-law companding transformation
⚪ Quantizing to 256 discrete values
2019.07.05
Takuya KOUMURA
cycentum.com
p. 8
Results
64×64
WaveNet:
https://deepmind.com/blog/wavenet-generative-model-raw-audio/
2019.07.05
Takuya KOUMURA
cycentum.com
p. 9
Variational Auto Encoder
z ∈ RD : A latent variable
z ~ P(z): A simple distribution, easy to sample from
(eg: Gaussian, uniform, or discrete)
x = f(z) : Deterministic mapping from a latent to the
data → can be modeled by an NN
x
NN
z P(z)
Sample
2019.07.05
Takuya KOUMURA
cycentum.com
p. 10
Variational Auto Encoder
z = E(x): Encoder
x = D(z): Decoder
During training, z is guided to follow a simple
distribution, such as Gaussian, uniform, or discrete
zP(z)
x
NN
z P(z)
x
NN
SampleGuide to follow
DecoderEncoder
2019.07.05
Takuya KOUMURA
cycentum.com
p. 11
Training
Loss = Error(x, xgen) + KLD(p(z|x) || Standard Gaussian)
zP(z)
xgen
NN
z P(z)
x
NN
SampleGuide to follow
DecoderEncoder
2019.07.05
Takuya KOUMURA
cycentum.com
p. 12
Variational Auto Encoder
z = E(x): Encoder
x = D(z): Decoder
During training, z is guided to follow a simple
distribution, such as Gaussian, uniform, or discrete
zP(z)
x
NN
z P(z)
x
NN
SampleGuide to follow
DecoderEncoder
2019.07.05
Takuya KOUMURA
cycentum.com
p. 13
Rationale
“we concentrate on discrete representations
which are potentially a more natural fit for many
of the modalities we are interested in. Language
is inherently discrete, similarly speech is
typically represented as a sequence of symbols.
Images can often be described concisely by
language. Furthermore, discrete representations
are a natural fit for complex reasoning, planning
and predictive learning (e.g., if it rains, I will use
an umbrella).”
2019.07.05
Takuya KOUMURA
cycentum.com
p. 14
VQ-VAE
ze
x
NN
zq
x
NN
DecoderEncoder
zq
Discretize
2019.07.05
Takuya KOUMURA
cycentum.com
p. 15
Discretization
⚫ze: output of the encoder (continuous)
⚫ek: embedding vectors (k ∈ 1, ..., K)
⚫zq: the nearest ek from ze
Embedding
vectors
2019.07.05
Takuya KOUMURA
cycentum.com
p. 16
Training
Reconstruction
error
Move ek
closer to ze
Alternatively, ek can be a moving average of ze
Move ze
closer to ek
2019.07.05
Takuya KOUMURA
cycentum.com
p. 17
Prior
ze
x
D
zq
x
E
Discretize
k
zq = ek
⚫During training,
elements in z are
assumed to be
independent
2019.07.05
Takuya KOUMURA
cycentum.com
p. 18
Prior
⚫During training,
elements in z are
assumed to be
independent
⚫After training, a prior
over z is modeled by
an autoregressive
model, from which z
is sampled during
generation
ze
x
D
zq
x
E
Discretize
NN
zq = ek
Auto
regressive
model
2019.07.05
Takuya KOUMURA
cycentum.com
p. 19
Results
⚫Images
128×128
⚫Videos
⚫Audio
https://avdnoord.github.io/
homepage/vqvae/
2019.07.05
Takuya KOUMURA
cycentum.com
p. 20
VQ-VAE2
Hierarchical discrete latents
So far, only for images
2019.07.05
Takuya KOUMURA
cycentum.com
p. 21
Neural network architecture
⚫A stack of residual connections and skip
connections
⚫Sometimes with gating operation

More Related Content

What's hot

1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기NAVER Engineering
 
[DL輪読会]GANとエネルギーベースモデル
[DL輪読会]GANとエネルギーベースモデル[DL輪読会]GANとエネルギーベースモデル
[DL輪読会]GANとエネルギーベースモデルDeep Learning JP
 
(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...
(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...
(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...Masahiro Suzuki
 
[DL輪読会]Neural Ordinary Differential Equations
[DL輪読会]Neural Ordinary Differential Equations[DL輪読会]Neural Ordinary Differential Equations
[DL輪読会]Neural Ordinary Differential EquationsDeep Learning JP
 
【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement Learning
【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement Learning【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement Learning
【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement LearningDeep Learning JP
 
Neural Discrete Representation Learning - A paper review
Neural Discrete Representation Learning - A paper reviewNeural Discrete Representation Learning - A paper review
Neural Discrete Representation Learning - A paper reviewAbhishek Koirala
 
深層生成モデルを用いたマルチモーダル学習
深層生成モデルを用いたマルチモーダル学習深層生成モデルを用いたマルチモーダル学習
深層生成モデルを用いたマルチモーダル学習Masahiro Suzuki
 
Learning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsLearning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsTakuya Akiba
 
【DL輪読会】Can Neural Network Memorization Be Localized?
【DL輪読会】Can Neural Network Memorization Be Localized?【DL輪読会】Can Neural Network Memorization Be Localized?
【DL輪読会】Can Neural Network Memorization Be Localized?Deep Learning JP
 
[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphing[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphingDeep Learning JP
 
Deep Fakes Detection
Deep Fakes DetectionDeep Fakes Detection
Deep Fakes DetectionYusuke Uchida
 
Deeplearning輪読会
Deeplearning輪読会Deeplearning輪読会
Deeplearning輪読会正志 坪坂
 
[DL輪読会]DropBlock: A regularization method for convolutional networks
[DL輪読会]DropBlock: A regularization method for convolutional networks[DL輪読会]DropBlock: A regularization method for convolutional networks
[DL輪読会]DropBlock: A regularization method for convolutional networksDeep Learning JP
 
Transformerを多層にする際の勾配消失問題と解決法について
Transformerを多層にする際の勾配消失問題と解決法についてTransformerを多層にする際の勾配消失問題と解決法について
Transformerを多層にする際の勾配消失問題と解決法についてSho Takase
 
Graph Attention Network
Graph Attention NetworkGraph Attention Network
Graph Attention NetworkTakahiro Kubo
 
【DL輪読会】Perceiver io a general architecture for structured inputs &amp; outputs
【DL輪読会】Perceiver io  a general architecture for structured inputs &amp; outputs 【DL輪読会】Perceiver io  a general architecture for structured inputs &amp; outputs
【DL輪読会】Perceiver io a general architecture for structured inputs &amp; outputs Deep Learning JP
 
[DL輪読会]Weakly-Supervised Disentanglement Without Compromises
[DL輪読会]Weakly-Supervised Disentanglement Without Compromises[DL輪読会]Weakly-Supervised Disentanglement Without Compromises
[DL輪読会]Weakly-Supervised Disentanglement Without CompromisesDeep Learning JP
 

What's hot (20)

1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
 
[DL輪読会]GANとエネルギーベースモデル
[DL輪読会]GANとエネルギーベースモデル[DL輪読会]GANとエネルギーベースモデル
[DL輪読会]GANとエネルギーベースモデル
 
t-SNE
t-SNEt-SNE
t-SNE
 
Attention Is All You Need
Attention Is All You NeedAttention Is All You Need
Attention Is All You Need
 
(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...
(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...
(DL hacks輪読) How to Train Deep Variational Autoencoders and Probabilistic Lad...
 
[DL輪読会]Neural Ordinary Differential Equations
[DL輪読会]Neural Ordinary Differential Equations[DL輪読会]Neural Ordinary Differential Equations
[DL輪読会]Neural Ordinary Differential Equations
 
【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement Learning
【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement Learning【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement Learning
【DL輪読会】Contrastive Learning as Goal-Conditioned Reinforcement Learning
 
Neural Discrete Representation Learning - A paper review
Neural Discrete Representation Learning - A paper reviewNeural Discrete Representation Learning - A paper review
Neural Discrete Representation Learning - A paper review
 
実装レベルで学ぶVQVAE
実装レベルで学ぶVQVAE実装レベルで学ぶVQVAE
実装レベルで学ぶVQVAE
 
深層生成モデルを用いたマルチモーダル学習
深層生成モデルを用いたマルチモーダル学習深層生成モデルを用いたマルチモーダル学習
深層生成モデルを用いたマルチモーダル学習
 
Learning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsLearning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for Graphs
 
【DL輪読会】Can Neural Network Memorization Be Localized?
【DL輪読会】Can Neural Network Memorization Be Localized?【DL輪読会】Can Neural Network Memorization Be Localized?
【DL輪読会】Can Neural Network Memorization Be Localized?
 
[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphing[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphing
 
Deep Fakes Detection
Deep Fakes DetectionDeep Fakes Detection
Deep Fakes Detection
 
Deeplearning輪読会
Deeplearning輪読会Deeplearning輪読会
Deeplearning輪読会
 
[DL輪読会]DropBlock: A regularization method for convolutional networks
[DL輪読会]DropBlock: A regularization method for convolutional networks[DL輪読会]DropBlock: A regularization method for convolutional networks
[DL輪読会]DropBlock: A regularization method for convolutional networks
 
Transformerを多層にする際の勾配消失問題と解決法について
Transformerを多層にする際の勾配消失問題と解決法についてTransformerを多層にする際の勾配消失問題と解決法について
Transformerを多層にする際の勾配消失問題と解決法について
 
Graph Attention Network
Graph Attention NetworkGraph Attention Network
Graph Attention Network
 
【DL輪読会】Perceiver io a general architecture for structured inputs &amp; outputs
【DL輪読会】Perceiver io  a general architecture for structured inputs &amp; outputs 【DL輪読会】Perceiver io  a general architecture for structured inputs &amp; outputs
【DL輪読会】Perceiver io a general architecture for structured inputs &amp; outputs
 
[DL輪読会]Weakly-Supervised Disentanglement Without Compromises
[DL輪読会]Weakly-Supervised Disentanglement Without Compromises[DL輪読会]Weakly-Supervised Disentanglement Without Compromises
[DL輪読会]Weakly-Supervised Disentanglement Without Compromises
 

Similar to Journal Club: VQ-VAE2

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
 
VAE-type Deep Generative Models
VAE-type Deep Generative ModelsVAE-type Deep Generative Models
VAE-type Deep Generative ModelsKenta Oono
 
Output Units and Cost Function in FNN
Output Units and Cost Function in FNNOutput Units and Cost Function in FNN
Output Units and Cost Function in FNNLin JiaMing
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
Reading revue of "Inferring Multiple Graphical Structures"
Reading revue of "Inferring Multiple Graphical Structures"Reading revue of "Inferring Multiple Graphical Structures"
Reading revue of "Inferring Multiple Graphical Structures"tuxette
 
zkStudyClub - cqlin: Efficient linear operations on KZG commitments
zkStudyClub - cqlin: Efficient linear operations on KZG commitments zkStudyClub - cqlin: Efficient linear operations on KZG commitments
zkStudyClub - cqlin: Efficient linear operations on KZG commitments Alex Pruden
 
Bayesian network structure estimation based on the Bayesian/MDL criteria when...
Bayesian network structure estimation based on the Bayesian/MDL criteria when...Bayesian network structure estimation based on the Bayesian/MDL criteria when...
Bayesian network structure estimation based on the Bayesian/MDL criteria when...Joe Suzuki
 
Graph Neural Network for Phenotype Prediction
Graph Neural Network for Phenotype PredictionGraph Neural Network for Phenotype Prediction
Graph Neural Network for Phenotype Predictiontuxette
 
Slides: The dual Voronoi diagrams with respect to representational Bregman di...
Slides: The dual Voronoi diagrams with respect to representational Bregman di...Slides: The dual Voronoi diagrams with respect to representational Bregman di...
Slides: The dual Voronoi diagrams with respect to representational Bregman di...Frank Nielsen
 
Intro to Transformers.pdf
Intro to Transformers.pdfIntro to Transformers.pdf
Intro to Transformers.pdfyelen8
 
Topographic graph clustering with kernel and dissimilarity methods
Topographic graph clustering with kernel and dissimilarity methodsTopographic graph clustering with kernel and dissimilarity methods
Topographic graph clustering with kernel and dissimilarity methodstuxette
 
Information-theoretic clustering with applications
Information-theoretic clustering  with applicationsInformation-theoretic clustering  with applications
Information-theoretic clustering with applicationsFrank Nielsen
 

Similar to Journal Club: VQ-VAE2 (20)

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
 
Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)
 
VAE-type Deep Generative Models
VAE-type Deep Generative ModelsVAE-type Deep Generative Models
VAE-type Deep Generative Models
 
Output Units and Cost Function in FNN
Output Units and Cost Function in FNNOutput Units and Cost Function in FNN
Output Units and Cost Function in FNN
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
 
Reading revue of "Inferring Multiple Graphical Structures"
Reading revue of "Inferring Multiple Graphical Structures"Reading revue of "Inferring Multiple Graphical Structures"
Reading revue of "Inferring Multiple Graphical Structures"
 
Approximate Tree Kernels
Approximate Tree KernelsApproximate Tree Kernels
Approximate Tree Kernels
 
Bayesian Core: Chapter 8
Bayesian Core: Chapter 8Bayesian Core: Chapter 8
Bayesian Core: Chapter 8
 
zkStudyClub - cqlin: Efficient linear operations on KZG commitments
zkStudyClub - cqlin: Efficient linear operations on KZG commitments zkStudyClub - cqlin: Efficient linear operations on KZG commitments
zkStudyClub - cqlin: Efficient linear operations on KZG commitments
 
Bayesian network structure estimation based on the Bayesian/MDL criteria when...
Bayesian network structure estimation based on the Bayesian/MDL criteria when...Bayesian network structure estimation based on the Bayesian/MDL criteria when...
Bayesian network structure estimation based on the Bayesian/MDL criteria when...
 
Lec14 eigenface and fisherface
Lec14 eigenface and fisherfaceLec14 eigenface and fisherface
Lec14 eigenface and fisherface
 
Graph Neural Network for Phenotype Prediction
Graph Neural Network for Phenotype PredictionGraph Neural Network for Phenotype Prediction
Graph Neural Network for Phenotype Prediction
 
Pattern baysin
Pattern baysinPattern baysin
Pattern baysin
 
Slides: The dual Voronoi diagrams with respect to representational Bregman di...
Slides: The dual Voronoi diagrams with respect to representational Bregman di...Slides: The dual Voronoi diagrams with respect to representational Bregman di...
Slides: The dual Voronoi diagrams with respect to representational Bregman di...
 
Intro to Transformers.pdf
Intro to Transformers.pdfIntro to Transformers.pdf
Intro to Transformers.pdf
 
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,...
 
Topographic graph clustering with kernel and dissimilarity methods
Topographic graph clustering with kernel and dissimilarity methodsTopographic graph clustering with kernel and dissimilarity methods
Topographic graph clustering with kernel and dissimilarity methods
 
Information-theoretic clustering with applications
Information-theoretic clustering  with applicationsInformation-theoretic clustering  with applications
Information-theoretic clustering with applications
 
Lecture10 xing
Lecture10 xingLecture10 xing
Lecture10 xing
 
SASA 2016
SASA 2016SASA 2016
SASA 2016
 

More from Takuya Koumura

教師あり学習を用いた聴覚系のモデリング
教師あり学習を用いた聴覚系のモデリング教師あり学習を用いた聴覚系のモデリング
教師あり学習を用いた聴覚系のモデリングTakuya Koumura
 
機械学習と生物の聴覚系を生理学的に比較する
機械学習と生物の聴覚系を生理学的に比較する機械学習と生物の聴覚系を生理学的に比較する
機械学習と生物の聴覚系を生理学的に比較するTakuya Koumura
 
Journal club: Quantitative models of neural language representation
Journal club: Quantitative models of neural language representationJournal club: Quantitative models of neural language representation
Journal club: Quantitative models of neural language representationTakuya Koumura
 
専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合
専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合
専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合Takuya Koumura
 
専修大学 応用心理学入門・心理学102 適応・不適応
専修大学 応用心理学入門・心理学102 適応・不適応専修大学 応用心理学入門・心理学102 適応・不適応
専修大学 応用心理学入門・心理学102 適応・不適応Takuya Koumura
 
専修大学 応用心理学入門・心理学102 パーソナリティ
専修大学 応用心理学入門・心理学102 パーソナリティ専修大学 応用心理学入門・心理学102 パーソナリティ
専修大学 応用心理学入門・心理学102 パーソナリティTakuya Koumura
 
専修大学 応用心理学入門・心理学102 心の発達
専修大学 応用心理学入門・心理学102 心の発達専修大学 応用心理学入門・心理学102 心の発達
専修大学 応用心理学入門・心理学102 心の発達Takuya Koumura
 
言語表現モデルBERTで文章生成してみた
言語表現モデルBERTで文章生成してみた言語表現モデルBERTで文章生成してみた
言語表現モデルBERTで文章生成してみたTakuya Koumura
 
専修大学 応用心理学入門・心理学102 情動
専修大学 応用心理学入門・心理学102 情動専修大学 応用心理学入門・心理学102 情動
専修大学 応用心理学入門・心理学102 情動Takuya Koumura
 
専修大学 応用心理学入門・心理学102 動機づけ
専修大学 応用心理学入門・心理学102 動機づけ専修大学 応用心理学入門・心理学102 動機づけ
専修大学 応用心理学入門・心理学102 動機づけTakuya Koumura
 
専修大学 応用心理学入門・心理学102 オペラント条件づけ
専修大学 応用心理学入門・心理学102 オペラント条件づけ専修大学 応用心理学入門・心理学102 オペラント条件づけ
専修大学 応用心理学入門・心理学102 オペラント条件づけTakuya Koumura
 
専修大学 応用心理学入門・心理学102 学習・古典的条件づけ
専修大学 応用心理学入門・心理学102 学習・古典的条件づけ専修大学 応用心理学入門・心理学102 学習・古典的条件づけ
専修大学 応用心理学入門・心理学102 学習・古典的条件づけTakuya Koumura
 
専修大学 応用心理学入門・心理学102 導入
専修大学 応用心理学入門・心理学102 導入専修大学 応用心理学入門・心理学102 導入
専修大学 応用心理学入門・心理学102 導入Takuya Koumura
 
専修大学 基礎心理学入門・心理学101 脳の区分
専修大学 基礎心理学入門・心理学101 脳の区分専修大学 基礎心理学入門・心理学101 脳の区分
専修大学 基礎心理学入門・心理学101 脳の区分Takuya Koumura
 
専修大学 基礎心理学入門・心理学101 言語
専修大学 基礎心理学入門・心理学101 言語専修大学 基礎心理学入門・心理学101 言語
専修大学 基礎心理学入門・心理学101 言語Takuya Koumura
 
専修大学 基礎心理学入門・心理学101 記憶
専修大学 基礎心理学入門・心理学101 記憶専修大学 基礎心理学入門・心理学101 記憶
専修大学 基礎心理学入門・心理学101 記憶Takuya Koumura
 
専修大学 基礎心理学入門・心理学101 嗅覚・味覚
専修大学 基礎心理学入門・心理学101 嗅覚・味覚専修大学 基礎心理学入門・心理学101 嗅覚・味覚
専修大学 基礎心理学入門・心理学101 嗅覚・味覚Takuya Koumura
 
専修大学 基礎心理学入門・心理学101 耳
専修大学 基礎心理学入門・心理学101 耳専修大学 基礎心理学入門・心理学101 耳
専修大学 基礎心理学入門・心理学101 耳Takuya Koumura
 
専修大学 基礎心理学入門・心理学101 聴覚・音
専修大学 基礎心理学入門・心理学101 聴覚・音専修大学 基礎心理学入門・心理学101 聴覚・音
専修大学 基礎心理学入門・心理学101 聴覚・音Takuya Koumura
 
深層ニューラルネットワークによる聴覚系のモデリング
深層ニューラルネットワークによる聴覚系のモデリング深層ニューラルネットワークによる聴覚系のモデリング
深層ニューラルネットワークによる聴覚系のモデリングTakuya Koumura
 

More from Takuya Koumura (20)

教師あり学習を用いた聴覚系のモデリング
教師あり学習を用いた聴覚系のモデリング教師あり学習を用いた聴覚系のモデリング
教師あり学習を用いた聴覚系のモデリング
 
機械学習と生物の聴覚系を生理学的に比較する
機械学習と生物の聴覚系を生理学的に比較する機械学習と生物の聴覚系を生理学的に比較する
機械学習と生物の聴覚系を生理学的に比較する
 
Journal club: Quantitative models of neural language representation
Journal club: Quantitative models of neural language representationJournal club: Quantitative models of neural language representation
Journal club: Quantitative models of neural language representation
 
専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合
専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合
専修大学 応用心理学入門・心理学102 自己・対人関係認知・集団・集合
 
専修大学 応用心理学入門・心理学102 適応・不適応
専修大学 応用心理学入門・心理学102 適応・不適応専修大学 応用心理学入門・心理学102 適応・不適応
専修大学 応用心理学入門・心理学102 適応・不適応
 
専修大学 応用心理学入門・心理学102 パーソナリティ
専修大学 応用心理学入門・心理学102 パーソナリティ専修大学 応用心理学入門・心理学102 パーソナリティ
専修大学 応用心理学入門・心理学102 パーソナリティ
 
専修大学 応用心理学入門・心理学102 心の発達
専修大学 応用心理学入門・心理学102 心の発達専修大学 応用心理学入門・心理学102 心の発達
専修大学 応用心理学入門・心理学102 心の発達
 
言語表現モデルBERTで文章生成してみた
言語表現モデルBERTで文章生成してみた言語表現モデルBERTで文章生成してみた
言語表現モデルBERTで文章生成してみた
 
専修大学 応用心理学入門・心理学102 情動
専修大学 応用心理学入門・心理学102 情動専修大学 応用心理学入門・心理学102 情動
専修大学 応用心理学入門・心理学102 情動
 
専修大学 応用心理学入門・心理学102 動機づけ
専修大学 応用心理学入門・心理学102 動機づけ専修大学 応用心理学入門・心理学102 動機づけ
専修大学 応用心理学入門・心理学102 動機づけ
 
専修大学 応用心理学入門・心理学102 オペラント条件づけ
専修大学 応用心理学入門・心理学102 オペラント条件づけ専修大学 応用心理学入門・心理学102 オペラント条件づけ
専修大学 応用心理学入門・心理学102 オペラント条件づけ
 
専修大学 応用心理学入門・心理学102 学習・古典的条件づけ
専修大学 応用心理学入門・心理学102 学習・古典的条件づけ専修大学 応用心理学入門・心理学102 学習・古典的条件づけ
専修大学 応用心理学入門・心理学102 学習・古典的条件づけ
 
専修大学 応用心理学入門・心理学102 導入
専修大学 応用心理学入門・心理学102 導入専修大学 応用心理学入門・心理学102 導入
専修大学 応用心理学入門・心理学102 導入
 
専修大学 基礎心理学入門・心理学101 脳の区分
専修大学 基礎心理学入門・心理学101 脳の区分専修大学 基礎心理学入門・心理学101 脳の区分
専修大学 基礎心理学入門・心理学101 脳の区分
 
専修大学 基礎心理学入門・心理学101 言語
専修大学 基礎心理学入門・心理学101 言語専修大学 基礎心理学入門・心理学101 言語
専修大学 基礎心理学入門・心理学101 言語
 
専修大学 基礎心理学入門・心理学101 記憶
専修大学 基礎心理学入門・心理学101 記憶専修大学 基礎心理学入門・心理学101 記憶
専修大学 基礎心理学入門・心理学101 記憶
 
専修大学 基礎心理学入門・心理学101 嗅覚・味覚
専修大学 基礎心理学入門・心理学101 嗅覚・味覚専修大学 基礎心理学入門・心理学101 嗅覚・味覚
専修大学 基礎心理学入門・心理学101 嗅覚・味覚
 
専修大学 基礎心理学入門・心理学101 耳
専修大学 基礎心理学入門・心理学101 耳専修大学 基礎心理学入門・心理学101 耳
専修大学 基礎心理学入門・心理学101 耳
 
専修大学 基礎心理学入門・心理学101 聴覚・音
専修大学 基礎心理学入門・心理学101 聴覚・音専修大学 基礎心理学入門・心理学101 聴覚・音
専修大学 基礎心理学入門・心理学101 聴覚・音
 
深層ニューラルネットワークによる聴覚系のモデリング
深層ニューラルネットワークによる聴覚系のモデリング深層ニューラルネットワークによる聴覚系のモデリング
深層ニューラルネットワークによる聴覚系のモデリング
 

Recently uploaded

Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencySheetal Arora
 
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral AnalysisRaman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral AnalysisDiwakar Mishra
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)Areesha Ahmad
 
Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)PraveenaKalaiselvan1
 
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bNightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bSérgio Sacani
 
DIFFERENCE IN BACK CROSS AND TEST CROSS
DIFFERENCE IN  BACK CROSS AND TEST CROSSDIFFERENCE IN  BACK CROSS AND TEST CROSS
DIFFERENCE IN BACK CROSS AND TEST CROSSLeenakshiTyagi
 
9654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 6000
9654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 60009654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 6000
9654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 6000Sapana Sha
 
Botany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdfBotany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdfSumit Kumar yadav
 
Natural Polymer Based Nanomaterials
Natural Polymer Based NanomaterialsNatural Polymer Based Nanomaterials
Natural Polymer Based NanomaterialsAArockiyaNisha
 
Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...
Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...
Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...Sérgio Sacani
 
Stunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCR
Stunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCRStunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCR
Stunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCRDelhi Call girls
 
Presentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptxPresentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptxgindu3009
 
Animal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxAnimal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxUmerFayaz5
 
VIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PVIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PPRINCE C P
 
Disentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOSTDisentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOSTSérgio Sacani
 
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptxUnlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptxanandsmhk
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​kaibalyasahoo82800
 
GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)Areesha Ahmad
 
Botany 4th semester series (krishna).pdf
Botany 4th semester series (krishna).pdfBotany 4th semester series (krishna).pdf
Botany 4th semester series (krishna).pdfSumit Kumar yadav
 

Recently uploaded (20)

Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
 
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral AnalysisRaman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
Raman spectroscopy.pptx M Pharm, M Sc, Advanced Spectral Analysis
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)
 
Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)
 
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bNightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
 
DIFFERENCE IN BACK CROSS AND TEST CROSS
DIFFERENCE IN  BACK CROSS AND TEST CROSSDIFFERENCE IN  BACK CROSS AND TEST CROSS
DIFFERENCE IN BACK CROSS AND TEST CROSS
 
9654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 6000
9654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 60009654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 6000
9654467111 Call Girls In Raj Nagar Delhi Short 1500 Night 6000
 
Botany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdfBotany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdf
 
Natural Polymer Based Nanomaterials
Natural Polymer Based NanomaterialsNatural Polymer Based Nanomaterials
Natural Polymer Based Nanomaterials
 
Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...
Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...
Discovery of an Accretion Streamer and a Slow Wide-angle Outflow around FUOri...
 
Stunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCR
Stunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCRStunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCR
Stunning ➥8448380779▻ Call Girls In Panchshil Enclave Delhi NCR
 
Presentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptxPresentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptx
 
Animal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxAnimal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptx
 
VIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PVIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C P
 
Disentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOSTDisentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOST
 
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptxUnlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptx
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​
 
GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)
 
9953056974 Young Call Girls In Mahavir enclave Indian Quality Escort service
9953056974 Young Call Girls In Mahavir enclave Indian Quality Escort service9953056974 Young Call Girls In Mahavir enclave Indian Quality Escort service
9953056974 Young Call Girls In Mahavir enclave Indian Quality Escort service
 
Botany 4th semester series (krishna).pdf
Botany 4th semester series (krishna).pdfBotany 4th semester series (krishna).pdf
Botany 4th semester series (krishna).pdf
 

Journal Club: VQ-VAE2