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

[読会]Long tail learning via logit adjustment
[読会]Long tail learning via logit adjustment[読会]Long tail learning via logit adjustment
[読会]Long tail learning via logit adjustmentshima o
 
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
 [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se... [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...Deep Learning JP
 
semantic segmentation サーベイ
semantic segmentation サーベイsemantic segmentation サーベイ
semantic segmentation サーベイyohei okawa
 
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational AutoencoderDeep 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
 
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech SynthesisDeep Learning JP
 
変分推論法(変分ベイズ法)(PRML第10章)
変分推論法(変分ベイズ法)(PRML第10章)変分推論法(変分ベイズ法)(PRML第10章)
変分推論法(変分ベイズ法)(PRML第10章)Takao Yamanaka
 
文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows
文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows
文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted WindowsToru Tamaki
 
研究室内PRML勉強会 8章1節
研究室内PRML勉強会 8章1節研究室内PRML勉強会 8章1節
研究室内PRML勉強会 8章1節Koji Matsuda
 
【DL輪読会】Dropout Reduces Underfitting
【DL輪読会】Dropout Reduces Underfitting【DL輪読会】Dropout Reduces Underfitting
【DL輪読会】Dropout Reduces UnderfittingDeep Learning JP
 
PCAの最終形態GPLVMの解説
PCAの最終形態GPLVMの解説PCAの最終形態GPLVMの解説
PCAの最終形態GPLVMの解説弘毅 露崎
 
PRML 5章 PP.227-PP.247
PRML 5章 PP.227-PP.247PRML 5章 PP.227-PP.247
PRML 5章 PP.227-PP.247Tomoki Hayashi
 
[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...
[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...
[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...Deep Learning JP
 
Toward Disentanglement through Understand ELBO
Toward Disentanglement through Understand ELBOToward Disentanglement through Understand ELBO
Toward Disentanglement through Understand ELBOKai-Wen Zhao
 
SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用
SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用
SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用SSII
 
【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?
【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?
【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?Deep Learning JP
 
【DL輪読会】Mastering Diverse Domains through World Models
【DL輪読会】Mastering Diverse Domains through World Models【DL輪読会】Mastering Diverse Domains through World Models
【DL輪読会】Mastering Diverse Domains through World ModelsDeep Learning JP
 
Discovery of Linear Acyclic Models Using Independent Component Analysis
Discovery of Linear Acyclic Models Using Independent Component AnalysisDiscovery of Linear Acyclic Models Using Independent Component Analysis
Discovery of Linear Acyclic Models Using Independent Component AnalysisShiga University, RIKEN
 

What's hot (20)

CuPy解説
CuPy解説CuPy解説
CuPy解説
 
[読会]Long tail learning via logit adjustment
[読会]Long tail learning via logit adjustment[読会]Long tail learning via logit adjustment
[読会]Long tail learning via logit adjustment
 
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
 [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se... [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
 
semantic segmentation サーベイ
semantic segmentation サーベイsemantic segmentation サーベイ
semantic segmentation サーベイ
 
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
 
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
 
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
 
変分推論法(変分ベイズ法)(PRML第10章)
変分推論法(変分ベイズ法)(PRML第10章)変分推論法(変分ベイズ法)(PRML第10章)
変分推論法(変分ベイズ法)(PRML第10章)
 
文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows
文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows
文献紹介:Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows
 
研究室内PRML勉強会 8章1節
研究室内PRML勉強会 8章1節研究室内PRML勉強会 8章1節
研究室内PRML勉強会 8章1節
 
【DL輪読会】Dropout Reduces Underfitting
【DL輪読会】Dropout Reduces Underfitting【DL輪読会】Dropout Reduces Underfitting
【DL輪読会】Dropout Reduces Underfitting
 
PCAの最終形態GPLVMの解説
PCAの最終形態GPLVMの解説PCAの最終形態GPLVMの解説
PCAの最終形態GPLVMの解説
 
PRML 5章 PP.227-PP.247
PRML 5章 PP.227-PP.247PRML 5章 PP.227-PP.247
PRML 5章 PP.227-PP.247
 
[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...
[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...
[DL輪読会]Life-Long Disentangled Representation Learning with Cross-Domain Laten...
 
ELBO型VAEのダメなところ
ELBO型VAEのダメなところELBO型VAEのダメなところ
ELBO型VAEのダメなところ
 
Toward Disentanglement through Understand ELBO
Toward Disentanglement through Understand ELBOToward Disentanglement through Understand ELBO
Toward Disentanglement through Understand ELBO
 
SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用
SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用
SSII2021 [OS2-03] 自己教師あり学習における対照学習の基礎と応用
 
【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?
【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?
【DL輪読会】Is Conditional Generative Modeling All You Need For Decision-Making?
 
【DL輪読会】Mastering Diverse Domains through World Models
【DL輪読会】Mastering Diverse Domains through World Models【DL輪読会】Mastering Diverse Domains through World Models
【DL輪読会】Mastering Diverse Domains through World Models
 
Discovery of Linear Acyclic Models Using Independent Component Analysis
Discovery of Linear Acyclic Models Using Independent Component AnalysisDiscovery of Linear Acyclic Models Using Independent Component Analysis
Discovery of Linear Acyclic Models Using Independent Component Analysis
 

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

TOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptxTOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptxdharshini369nike
 
Twin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptxTwin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptxEran Akiva Sinbar
 
insect anatomy and insect body wall and their physiology
insect anatomy and insect body wall and their  physiologyinsect anatomy and insect body wall and their  physiology
insect anatomy and insect body wall and their physiologyDrAnita Sharma
 
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptxLIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptxmalonesandreagweneth
 
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |aasikanpl
 
Transposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.pptTransposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.pptArshadWarsi13
 
Forest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are importantForest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are importantadityabhardwaj282
 
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfAnalytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfSwapnil Therkar
 
Vision and reflection on Mining Software Repositories research in 2024
Vision and reflection on Mining Software Repositories research in 2024Vision and reflection on Mining Software Repositories research in 2024
Vision and reflection on Mining Software Repositories research in 2024AyushiRastogi48
 
Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫qfactory1
 
Module 4: Mendelian Genetics and Punnett Square
Module 4:  Mendelian Genetics and Punnett SquareModule 4:  Mendelian Genetics and Punnett Square
Module 4: Mendelian Genetics and Punnett SquareIsiahStephanRadaza
 
Welcome to GFDL for Take Your Child To Work Day
Welcome to GFDL for Take Your Child To Work DayWelcome to GFDL for Take Your Child To Work Day
Welcome to GFDL for Take Your Child To Work DayZachary Labe
 
Dashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tanta
Dashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tantaDashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tanta
Dashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tantaPraksha3
 
Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10ROLANARIBATO3
 
Evidences of Evolution General Biology 2
Evidences of Evolution General Biology 2Evidences of Evolution General Biology 2
Evidences of Evolution General Biology 2John Carlo Rollon
 
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.aasikanpl
 
Analytical Profile of Coleus Forskohlii | Forskolin .pptx
Analytical Profile of Coleus Forskohlii | Forskolin .pptxAnalytical Profile of Coleus Forskohlii | Forskolin .pptx
Analytical Profile of Coleus Forskohlii | Forskolin .pptxSwapnil Therkar
 
‏‏VIRUS - 123455555555555555555555555555555555555555
‏‏VIRUS -  123455555555555555555555555555555555555555‏‏VIRUS -  123455555555555555555555555555555555555555
‏‏VIRUS - 123455555555555555555555555555555555555555kikilily0909
 

Recently uploaded (20)

Engler and Prantl system of classification in plant taxonomy
Engler and Prantl system of classification in plant taxonomyEngler and Prantl system of classification in plant taxonomy
Engler and Prantl system of classification in plant taxonomy
 
TOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptxTOTAL CHOLESTEROL (lipid profile test).pptx
TOTAL CHOLESTEROL (lipid profile test).pptx
 
Twin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptxTwin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptx
 
insect anatomy and insect body wall and their physiology
insect anatomy and insect body wall and their  physiologyinsect anatomy and insect body wall and their  physiology
insect anatomy and insect body wall and their physiology
 
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptxLIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
 
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
Call Us ≽ 9953322196 ≼ Call Girls In Mukherjee Nagar(Delhi) |
 
Transposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.pptTransposable elements in prokaryotes.ppt
Transposable elements in prokaryotes.ppt
 
Forest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are importantForest laws, Indian forest laws, why they are important
Forest laws, Indian forest laws, why they are important
 
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfAnalytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
 
Vision and reflection on Mining Software Repositories research in 2024
Vision and reflection on Mining Software Repositories research in 2024Vision and reflection on Mining Software Repositories research in 2024
Vision and reflection on Mining Software Repositories research in 2024
 
Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫
 
Module 4: Mendelian Genetics and Punnett Square
Module 4:  Mendelian Genetics and Punnett SquareModule 4:  Mendelian Genetics and Punnett Square
Module 4: Mendelian Genetics and Punnett Square
 
Welcome to GFDL for Take Your Child To Work Day
Welcome to GFDL for Take Your Child To Work DayWelcome to GFDL for Take Your Child To Work Day
Welcome to GFDL for Take Your Child To Work Day
 
Dashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tanta
Dashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tantaDashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tanta
Dashanga agada a formulation of Agada tantra dealt in 3 Rd year bams agada tanta
 
Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10Gas_Laws_powerpoint_notes.ppt for grade 10
Gas_Laws_powerpoint_notes.ppt for grade 10
 
Evidences of Evolution General Biology 2
Evidences of Evolution General Biology 2Evidences of Evolution General Biology 2
Evidences of Evolution General Biology 2
 
Volatile Oils Pharmacognosy And Phytochemistry -I
Volatile Oils Pharmacognosy And Phytochemistry -IVolatile Oils Pharmacognosy And Phytochemistry -I
Volatile Oils Pharmacognosy And Phytochemistry -I
 
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
Call Girls in Mayapuri Delhi 💯Call Us 🔝9953322196🔝 💯Escort.
 
Analytical Profile of Coleus Forskohlii | Forskolin .pptx
Analytical Profile of Coleus Forskohlii | Forskolin .pptxAnalytical Profile of Coleus Forskohlii | Forskolin .pptx
Analytical Profile of Coleus Forskohlii | Forskolin .pptx
 
‏‏VIRUS - 123455555555555555555555555555555555555555
‏‏VIRUS -  123455555555555555555555555555555555555555‏‏VIRUS -  123455555555555555555555555555555555555555
‏‏VIRUS - 123455555555555555555555555555555555555555
 

Journal Club: VQ-VAE2