Generating Diverse High-Fidelity Images
Generating Diverse High-Fidelity Images
with VQ-VAE-2
Abstract
1 Introduction
Deep generative models have significantly improved in the past few years [4, 24, 22]. This is, in part,
thanks to architectural innovations as well as computation advances that allows training them at larger
scale in both amount of data and model size. The samples generated from these models are hard to
distinguish from real data without close inspection, and their applications range from super resolution
[20] to domain editing [40], artistic manipulation [32], or text-to-speech and music generation [22].
Figure 1: Class-conditional 256x256 image samples from a two-level model trained on ImageNet.
We distinguish two main types of generative models: likelihood based models, which include VAEs
[15, 28], flow based [8, 27, 9, 16] and autoregressive models [19, 35]; and implicit generative models
∗
Equal contributions.
such as Generative Adversarial Networks (GANs) [11]. Each of these models offer several trade-offs
such as sample quality, diversity, speed, etc.
GANs optimize a minimax objective with a generator neural network producing images by mapping
random noise onto an image, and a discriminator defining the generators’ loss function by classifying
its samples as real or fake. Larger scale GAN models can now generate high-quality and high-
resolution images [4, 13]. However, it is well known that samples from these models do not fully
capture the diversity of the true distribution. Furthermore, GANs are challenging to evaluate, and a
satisfactory generalization measure on a test set to assess overfitting does not yet exist. For model
comparison and selection, researchers have used image samples or proxy measures of image quality
such as Inception Score (IS) [30] and Fréchet Inception Distance (FID) [12].
In contrast, likelihood based methods optimize negative log-likelihood (NLL) of the training data.
This objective allows model-comparison and measuring generalization to unseen data. Additionally,
since the probability that the model assigns to all examples in the training set is maximized, likelihood
based models, in principle, cover all modes of the data, and do not suffer from the problems of
mode collapse and lack of diversity seen in GANs. In spite of these advantages, directly maximizing
likelihood in the pixel space can be challenging. First, NLL in pixel space is not always a good
measure of sample quality [33], and cannot be reliably used to make comparisons between different
model classes. There is no intrinsic incentive for these models to focus on, for example, global
structure. Some of these issues are alleviated by introducing inductive biases such as multi-scale
[34, 35, 26, 21] or by modeling the dominant bit planes in an image [17, 16].
In this paper we use ideas from lossy compression to relieve the generative model from modeling
negligible information. Indeed, techniques such as JPEG [39] have shown that it is often possible
to remove more than 80% of the data without noticeably changing the perceived image quality. As
proposed by [37], we compress images into a discrete latent space by vector-quantizing intermediate
representations of an autoencoder. These representations are over 30x smaller than the original image,
but still allow the decoder to reconstruct the images with little distortion. The prior over these discrete
representations can be modeled with a state of the art PixelCNN [35, 36] with self-attention [38],
called PixelSnail [6]. When sampling from this prior, the decoded images also exhibit the same high
quality and coherence of the reconstructions (see Fig. 1). Furthermore, the training and sampling of
this generative model over the discrete latent space is also 30x faster than when directly applied to the
pixels, allowing us to train on much higher resolution images. Finally, the encoder and decoder used
in this work retains the simplicity and speed of the original VQ-VAE, which means that the proposed
method is an attractive solution for situations in which fast, low-overhead encoding and decoding of
large images are required.
2 Background
2.1 Vector Quantized Variational AutoEncoder
The VQ-VAE model [37] can be better understood as a communication system. It comprises of
an encoder that maps observations onto a sequence of discrete latent variables, and a decoder that
reconstructs the observations from these discrete variables. Both encoder and decoder use a shared
codebook. More formally, the encoder is a non-linear mapping from the input space, x, to a vector
E(x). This vector is then quantized based on its distance to the prototype vectors in the codebook
ek , k ∈ 1 . . . K such that each vector E(x) is replaced by the index of the nearest prototype vector in
the codebook, and is transmitted to the decoder (note that this process can be lossy).
The decoder maps back the received indices to their corresponding vectors in the codebook, from
which it reconstructs the data via another non-linear function. To learn these mappings, the gradient
of the reconstruction error is then back-propagated through the decoder, and to the encoder using the
straight-through gradient estimator.
The VQ-VAE model incorporates two additional terms in its objective to align the vector space of the
codebook with the output of the encoder. The codebook loss, which only applies to the codebook
variables, brings the selected codebook e close to the output of the encoder, E(x). The commitment
2
loss, which only applies to the encoder weights, encourages the output of the encoder to stay close
to the chosen codebook vector to prevent it from fluctuating too frequently from one code vector
to another. The overall objective is described in equation 2, where e is the quantized code for the
training example x, E is the encoder function and D is the decoder function. The operator sg
refers to a stop-gradient operation that blocks gradients from flowing into its argument, and β is
a hyperparameter which controls the reluctance to change the code corresponding to the encoder
output.
L(x, D(e)) = ||x − D(e)||22 + ||sg[E(x)] − e||22 + β||sg[e] − E(x)||22 (2)
As proposed in [37], we use the exponential moving average updates for the codebook, as a replace-
ment for the codebook loss (the second loss term in Equation equation 2):
(t)
ni (t)
(t) (t−1) (t) (t) (t−1)
X (t) (t) mi
Ni := Ni ∗ γ + ni (1 − γ), mi := mi ∗γ+ E(x)i,j (1 − γ), ei := (t)
j Ni
(t)
where ni is the number of vectors in E(x) in the mini-batch that will be quantized to codebook
item ei , and γ is a decay parameter with a value between 0 and 1. We used the default γ = 0.99 in
all our experiments. We use the released VQ-VAE implementation in the Sonnet library 2 3 .
Deep autoregressive models are common probabilistic models that achieve state of the art results
in density estimation across several data modalities [24, 6, 23, 22]. The main idea behind these
models is to leverage the chain rule of probability to factorize the joint probability distribution over
the input space into a product of conditional distributions for each
Qn dimension of the data given all
the previous dimensions in some predefined order: pθ (x) = i=0 pθ (xi |x<i ). Each conditional
probability is parameterized by a deep neural network whose architecture is chosen according to the
required inductive biases for the data.
3 Method
The proposed method follows a two-stage approach: first, we train a hierarchical VQ-VAE (see
Fig. 2a) to encode images onto a discrete latent space, and then we fit a powerful PixelCNN prior
over the discrete latent space induced by all the data.
2
https://github.com/deepmind/sonnet/blob/master/sonnet/python/modules/nets/vqvae.py
3
https://github.com/deepmind/sonnet/blob/master/sonnet/examples/vqvae_example.ipynb
3
VQ-VAE Encoder and Decoder Training Image Generation
VQ 0 255
Top
Level
0 255
Bottom
Level
VQ
Encoder Decoder
Decoder
(a) Overview of the architecture of our hierarchical (b) Multi-stage image generation. The top-level
VQ-VAE. The encoders and decoders consist of PixelCNN prior is conditioned on the class label,
deep neural networks. The input to the model is a the bottom level PixelCNN is conditioned on the
256 × 256 image that is compressed to quantized class label as well as the first level code. Thanks
latent maps of size 64 × 64 and 32 × 32 for the to the feed-forward decoder, the mapping between
bottom and top levels, respectively. The decoder latents to pixels is fast. (The example image with
reconstructs the image from the two latent maps. a parrot is generated with this model).
As opposed to vanilla VQ-VAE, in this work we use a hierarchy of vector quantized codes to
model large images. The main motivation behind this is to model local information, such as texture,
separately from global information such as shape and geometry of objects. The prior model over each
level can thus be tailored to capture the specific correlations that exist in that level. The structure of our
multi-scale hierarchical encoder is illustrated in Fig. 2a, with a top latent code which models global
information, and a bottom latent code, conditioned on the top latent, responsible for representing
local details (see Fig. 3). We note if we did not condition the bottom latent on the top latent, then the
top latent would need to encode every detail from the pixels. We therefore allow each level in the
hierarchy to separately depend on pixels, which encourages encoding complementary information in
each latent map that can contribute to reducing the reconstruction error in the decoder. See algorithm 1
for more details.
For 256 × 256 images, we use a two level latent hierarchy. As depicted in Fig. 2a, the encoder
network first transforms and downsamples the image by a factor of 4 to a 64 × 64 representation
which is quantized to our bottom level latent map. Another stack of residual blocks then further
scales down the representations by a factor of two, yielding a top-level 32 × 32 latent map after
quantization. The decoder is similarly a feed-forward network that takes as input all levels of the
quantized latent hierarchy. It consists of a few residual blocks followed by a number of strided
transposed convolutions to upsample the representations back to the original image size.
4
3.2 Stage 2: Learning Priors over Latent Codes
In order to further compress the image, and to be able to sample from the model learned during
stage 1, we learn a prior over the latent codes. Fitting prior distributions using neural networks from
training data has become common practice, as it can significantly improve the performance of latent
variable models [5]. This procedure also reduces the gap between the marginal posterior and the
prior. Thus, latent variables sampled from the learned prior at test time are close to what the decoder
network has observed during training which results in more coherent outputs. From an information
theoretic point of view, the process of fitting a prior to the learned posterior can be considered as
lossless compression of the latent space by re-encoding the latent variables with a distribution that
is a better approximation of their true distribution, and thus results in bit rates closer to Shannon’s
entropy. Therefore the lower the gap between the true entropy and the negative log-likelihood of the
learned prior, the more realistic image samples one can expect from decoding the latent samples.
In the VQ-VAE framework, this auxiliary prior is modeled with a powerful, autoregressive neural
network such as PixelCNN in a post-hoc, second stage. The prior over the top latent map is responsible
for structural global information. Thus, we equip it with multi-headed self-attention layers as in
[6, 23] so it can benefit from a larger receptive field to capture correlations in spatial locations that
are far apart in the image. In contrast, the conditional prior model for the bottom level over latents
that encode local information will operate at a larger resolution. Using self-attention layers as in the
top-level prior would not be practical due to memory constraints. For this prior over local information,
we thus find that using large conditioning stacks (coming from the top prior) yields good performance
(see Fig. 2b). The hierarchical factorization also allows us to train larger models: we train each prior
separately, thereby leveraging all the available compute and memory on hardware accelerators. See
algorithm 3 for more details.
Our top-level prior network models 32 × 32 latent variables. The residual gated convolution layers
of PixelCNN are interspersed with causal multi-headed attention every five layers. To regularize
the model, we incorporate dropout after each residual block as well as dropout on the logits of each
attention matrix. We found that adding deep residual networks consisting of 1 × 1 convolutions on
top of the PixelCNN stack further improves likelihood without slowing down training or increasing
memory footprint too much. Our bottom-level conditional prior operates on latents with 64 × 64
spatial dimension. This is significantly more expensive in terms of required memory and computation
cost. As argued before, the information encoded in this level of the hierarchy mostly corresponds
to local features, which do not require large receptive fields as they are conditioned on the top-level
prior. Therefore, we use a less powerful network with no attention layers. We also find that using a
deep residual conditioning stack significantly helps at this level.
Unlike GANs, probabilistic models trained with the maximum likelihood objective are forced to
model all of the training data distribution. This is because the MLE objective can be expressed as the
forward KL-divergence between the data and model distributions, which would be driven to infinity
if an example in the training data is assigned zero mass. While the coverage of all modes in the data
distribution is an appealing property of these models, the task is considerably more difficult than
adversarial modeling, since likelihood based models need to fit all the modes present in the data.
Furthermore, ancestral sampling from autoregressive models can in practice induce errors that can
accumulate over long sequences and result in samples with reduced quality. Recent GAN frameworks
[4, 1] have proposed automated procedures for sample selection to trade-off diversity and quality.
In this work, we also propose an automated method for trading off diversity and quality of samples
based on the intuition that the closer our samples are to the true data manifold, the more likely they
are classified to the correct class labels by a pre-trained classifier. Specifically, we use a classifier
network that is trained on ImageNet to score samples from our model according to the probability the
classifier assigns to the correct class.
4 Related Works
The foundation of our work is the VQ-VAE framework of [37]. Our prior network is based on Gated
PixelCNN [36] augmented with self-attention [38], as proposed in [6].
5
BigGAN [4] is currently state-of-the-art in FID and Inception scores, and produces high quality
high-resolution images. The improvements in BigGAN come mostly from incorporating architectural
advances such as self-attention, better stabilization methods, scaling up the model on TPUs and a
mechanism to trade-off sample diversity with sample quality. In our work we also investigate how
the addition of some of these elements, in particular self-attention and compute scale, indeed also
improve the quality of samples of VQ-VAE models.
Recent work has also been proposed to generate high resolution images with likelihood based models
include Subscale Pixel Networks of [21]. Similar to the parallel multi-scale model introduced in
[26], SPN imposes a partitioning on the spatial dimensions, but unlike [26], SPN does not make the
corresponding independence assumptions, whereby it trades sampling speed with density estimation
performance and sample quality.
Hierarchical latent variables have been proposed in e.g. [28]. Specifically for VQ-VAE, [7] uses a
hierarchy of latent codes for modeling and generating music using a WaveNet decoder. The specifics
of the encoding is however different from ours: in our work, the bottom levels of hierarchy do
not exclusively refine the information encoded by the top level, but they extract complementary
information at each level, as discussed in Sect. 3.1. Additionally, as we are using simple, feed-forward
decoders and optimizing mean squared error in the pixels, our model does not suffer from, and thus
needs no mitigation for, the hierarchy collapse problems detailed in [7]. Concurrent to our work,
[10] extends [7] for generating high-resolution images. The primary difference to our work is the
use of autoregressive decoders in the pixel space. In contrast, for reasons detailed in Sect. 3, we
use autoregressive models exclusively as priors in the compressed latent space, which simplifies the
model and greatly improves sampling speed. Additionally, the same differences with [7] outlined
above also exist between our method and [10].
Improving sample quality by rejection sampling has been previously explored for GANs [1] as well
as for VAEs [3] which combines a learned rejecting sampling proposal with the prior in order to
reduce its gap with the aggregate posterior.
5 Experiments
Objective evaluation and comparison of generative models, specially across model families, remains a
challenge [33]. Current image generation models trade-off sample quality and diversity (or precision
vs recall [29]). In this section, we present quantitative and qualitative results of our model trained on
ImageNet 256 × 256. Sample quality is indeed high and sharp, across several representative classes
as can be seen in the class conditional samples provided in Fig. 5. In terms of diversity, we provide
samples from our model juxtaposed with those of BigGAN-deep [4], the state of the art GAN model
4
in Fig. 5. As can be seen in these side-by-side comparisons, VQ-VAE is able to provide samples of
comparable fidelity and higher diversity.
To further assess the effectiveness of our multi-scale approach for capturing extremely long range
dependencies in the data, we train a three level hierarchical model over the FFHQ dataset [14]
at 1024 × 1024 resolution. This dataset consists of 70000 high-quality human portraits with a
considerable diversity in gender, skin colour, age, poses and attires. Although modeling faces is
generally considered less difficult compared to ImageNet, at such a high resolution there are also
unique modeling challenges that can probe generative models in interesting ways. For example, the
symmetries that exist in faces require models capable of capturing long range dependencies: a model
with restricted receptive field may choose plausible colours for each eye separately, but can miss
the strong correlation between the two eyes that lie several hundred pixels apart from one another,
yielding samples with mismatching eye colours.
4
Samples are taken from BigGAN’s colab notebook in TensorFlow hub:
https://tfhub.dev/deepmind/biggan-deep-256/1
6
Figure 4: Class conditional random samples. Classes from the top row are: 108 sea anemone, 109
brain coral, 114 slug, 11 goldfinch, 130 flamingo, 141 redshank, 154 Pekinese, 157 papillon, 97
drake, and 28 spotted salamander.
7
VQ-VAE (Proposed) BigGAN deep
Figure 5: Sample diversity comparison for the proposed method and BigGan Deep for Tinca-Tinca
(1st ImageNet class) and Ostrich (10th ImageNet class). BigGAN samples were taken with the
truncation level 1.0, to yield its maximum diversity. There are several kinds of samples such as top
view of the fish or different kinds of poses such as a close up ostrich absent from BigGAN’s samples.
Please zoom into the pdf version for more details and refer to the Supplementary material for diversity
comparison on more classes.
8
Figure 6: Representative samples from the three level hierarchical model trained on FFHQ-1024 ×
1024. The model generates realistic looking faces that respect long-range dependencies such as
matching eye colour or symmetric facial features, while covering lower density modes of the dataset
(e.g., green hair). Please refer to the supplementary material for more samples, including full
resolution samples.
9
5.2 Quantitative Evaluation
In this section, we report the results of our quantitative evaluations based on several metrics aiming
to measure the quality as well as diversity of our samples.
We also evaluate our method using the recently proposed Classification Accuracy Score (CAS) [25],
which requires training an ImageNet classifier only on samples from the candidate model, but then
evaluates its classification accuracy on real images from the test set, thus measuring sample quality
and diversity. The result of our evaluation with this metric are reported in Table 2. In the case of
VQ-VAE, the ImageNet classifier is only trained on samples, which lack high frequency signal, noise,
etc. (due to compression). Evaluating the classifier on VQ-VAE reconstructions of the test images
closes the “domain gap” and improves the CAS score without need for retraining the classifier.
10
(a) Inception Scores [31] (IS) and Fréchet Inception (b) Precision - Recall metrics [29, 18].
Distance scores (FID) [12].
Figure 7: Quantitative Evaluation of Diversity-Quality trade-off with FID/IS and Precision/Recall.
The two most common metrics for comparing GANs are Inception Score [31] and Fréchet Inception
Distance (FID) [12]. Although these metrics have several drawbacks [2, 29, 18] and enhanced metrics
such as the ones presented in the previous section may prove more useful, we report our results in
Fig. 7a. We use the classifier-based rejection sampling as a way of trading off diversity with quality
(Section 3.3). For VQ-VAE this improves both IS and FID scores, with the FID going from roughly
∼ 30 to ∼ 10. For BigGan-deep the rejection sampling (referred to as critic) works better than the
truncation method proposed in the BigGAN paper [4]. We observe that the inception classifier is quite
sensitive to the slight blurriness or other perturbations introduced in the VQ-VAE reconstructions, as
shown by an FID ∼ 10 instead of ∼ 2 when simply compressing the originals. For this reason, we
also compute the FID between VQ-VAE samples and the reconstructions (which we denote as FID*)
showing that the inception network statistics are much closer to real images data than what the FID
would otherwise suggest.
6 Conclusion
We propose a simple method for generating diverse high resolution images using VQ-VAE with
a powerful autoregressive model as prior. Our encoder and decoder architectures are kept simple
and light-weight as in the original VQ-VAE, with the only difference that we use a hierarchical
multi-scale latent maps for increased resolution. The fidelity of our best class conditional samples
are competitive with the state of the art Generative Adversarial Networks, with broader diversity
in several classes, contrasting our method against the known limitations of GANs. Still, concrete
measures of sample quality and diversity are in their infancy, and visual inspection is still necessary.
Lastly, we believe our experiments vindicate autoregressive modeling in the latent space as a simple
and effective objective for learning large scale generative models.
Acknowledgments
We would like to thank Suman Ravuri, Jeff Donahue, Sander Dieleman, Jeffrey Defauw, Danilo J.
Rezende, Karen Simonyan and Andy Brock for their help and feedback.
11
References
[1] Samaneh Azadi, Catherine Olsson, Trevor Darrell, Ian Goodfellow, and Augustus Odena. Discriminator
rejection sampling. In International Conference on Learning Representations, 2019.
[2] Shane Barratt and Rishi Sharma. A note on the inception score. arXiv preprint arXiv:1801.01973, 2018.
[3] M. Bauer and A. Mnih. Resampled priors for variational autoencoders. In 22nd International Conference
on Artificial Intelligence and Statistics, April 2019.
[4] Andrew Brock, Jeff Donahue, and Karen Simonyan. Large scale GAN training for high fidelity natural
image synthesis. In International Conference on Learning Representations, 2019.
[5] Xi Chen, Diederik P Kingma, Tim Salimans, Yan Duan, Prafulla Dhariwal, John Schulman, Ilya Sutskever,
and Pieter Abbeel. Variational Lossy Autoencoder. In Iclr, pages 1–14, nov 2016.
[6] Xi Chen, Nikhil Mishra, Mostafa Rohaninejad, and Pieter Abbeel. PixelSNAIL: An Improved Autoregres-
sive Generative Model. pages 12–17, 2017.
[7] Sander Dieleman, Aaron van den Oord, and Karen Simonyan. The challenge of realistic music generation:
modelling raw audio at scale. In S. Bengio, H. Wallach, H. Larochelle, K. Grauman, N. Cesa-Bianchi, and
R. Garnett, editors, Advances in Neural Information Processing Systems 31, pages 7989–7999. Curran
Associates, Inc., 2018.
[8] Laurent Dinh, David Krueger, and Yoshua Bengio. Nice: Non-linear independent components estimation.
arXiv preprint arXiv:1410.8516, 2014.
[9] Laurent Dinh, Jascha Sohl-Dickstein, and Samy Bengio. Density estimation using real nvp. arXiv preprint
arXiv:1605.08803, 2016.
[10] Jeffrey De Fauw, Sander Dieleman, and Karen Simonyan. Hierarchical autoregressive image models with
auxiliary decoders. CoRR, abs/1903.04933, 2019.
[11] Ian Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron
Courville, and Yoshua Bengio. Generative adversarial nets. In Advances in neural information processing
systems, pages 2672–2680, 2014.
[12] Martin Heusel, Hubert Ramsauer, Thomas Unterthiner, Bernhard Nessler, and Sepp Hochreiter. Gans
trained by a two time-scale update rule converge to a local nash equilibrium. In I. Guyon, U. V. Luxburg,
S. Bengio, H. Wallach, R. Fergus, S. Vishwanathan, and R. Garnett, editors, Advances in Neural Information
Processing Systems 30, pages 6626–6637. Curran Associates, Inc., 2017.
[13] Tero Karras, Samuli Laine, and Timo Aila. A style-based generator architecture for generative adversarial
networks. arXiv preprint arXiv:1812.04948, 2018.
[14] Tero Karras, Samuli Laine, and Timo Aila. A style-based generator architecture for generative adversarial
networks. arXiv preprint arXiv:1812.04948, 2018.
[15] Diederik P. Kingma and Max Welling. Auto-encoding variational bayes. CoRR, abs/1312.6114, 2013.
[16] Durk P Kingma and Prafulla Dhariwal. Glow: Generative flow with invertible 1x1 convolutions. In
Advances in Neural Information Processing Systems, pages 10236–10245, 2018.
[17] Alexander Kolesnikov and Christoph H Lampert. Pixelcnn models with auxiliary variables for natural
image modeling. In Proceedings of the 34th International Conference on Machine Learning-Volume 70,
pages 1905–1914. JMLR. org, 2017.
[18] Tuomas Kynkäänniemi, Tero Karras, Samuli Laine, Jaakko Lehtinen, and Timo Aila. Improved precision
and recall metric for assessing generative models. CoRR, abs/1904.06991, 2019.
[19] Hugo Larochelle and Iain Murray. The neural autoregressive distribution estimator. In Proceedings of the
Fourteenth International Conference on Artificial Intelligence and Statistics, pages 29–37, 2011.
[20] Christian Ledig, Lucas Theis, Ferenc Huszar, Jose Caballero, Andrew P. Aitken, Alykhan Tejani, Johannes
Totz, Zehan Wang, and Wenzhe Shi. Photo-realistic single image super-resolution using a generative
adversarial network. CoRR, abs/1609.04802, 2016.
[21] Jacob Menick and Nal Kalchbrenner. Generating high fidelity images with subscale pixel networks and
multidimensional upscaling. In International Conference on Learning Representations, 2019.
[22] Aaron van den Oord, Sander Dieleman, Heiga Zen, Karen Simonyan, Oriol Vinyals, Alex Graves, Nal
Kalchbrenner, Andrew Senior, and Koray Kavukcuoglu. Wavenet: A generative model for raw audio.
arXiv preprint arXiv:1609.03499, 2016.
[23] Niki Parmar, Ashish Vaswani, Jakob Uszkoreit, Łukasz Kaiser, Noam Shazeer, Alexander Ku, and Dustin
Tran. Image Transformer. 2018.
[24] Alec Radford, Jeff Wu, Rewon Child, David Luan, Dario Amodei, and Ilya Sutskever. Language models
are unsupervised multitask learners. 2019.
12
[25] Suman Ravuri and Oriol Vinyals. Classification accuracy score for conditional generative models. arXiv
preprint arXiv:1905.10887, 2019.
[26] Scott Reed, Aäron van den Oord, Nal Kalchbrenner, Sergio Gómez Colmenarejo, Ziyu Wang, Yutian Chen,
Dan Belov, and Nando de Freitas. Parallel multiscale autoregressive density estimation. In Proceedings of
the 34th International Conference on Machine Learning-Volume 70, pages 2912–2921. JMLR. org, 2017.
[27] Danilo Jimenez Rezende and Shakir Mohamed. Variational inference with normalizing flows. arXiv
preprint arXiv:1505.05770, 2015.
[28] Danilo Jimenez Rezende, Shakir Mohamed, and Daan Wierstra. Stochastic Backpropagation and Approxi-
mate Inference in Deep Generative Models. 32, 2014.
[29] Mehdi SM Sajjadi, Olivier Bachem, Mario Lucic, Olivier Bousquet, and Sylvain Gelly. Assessing
generative models via precision and recall. In Advances in Neural Information Processing Systems, pages
5234–5243, 2018.
[30] Tim Salimans, Ian Goodfellow, Wojciech Zaremba, Vicki Cheung, Alec Radford, and Xi Chen. Improved
techniques for training gans. In Advances in neural information processing systems, pages 2234–2242,
2016.
[31] Tim Salimans, Ian Goodfellow, Wojciech Zaremba, Vicki Cheung, Alec Radford, Xi Chen, and Xi Chen.
Improved techniques for training gans. In D. D. Lee, M. Sugiyama, U. V. Luxburg, I. Guyon, and R. Garnett,
editors, Advances in Neural Information Processing Systems 29, pages 2234–2242. Curran Associates,
Inc., 2016.
[32] Yaniv Taigman, Adam Polyak, and Lior Wolf. Unsupervised cross-domain image generation. CoRR,
abs/1611.02200, 2016.
[33] L. Theis, A. van den Oord, and M. Bethge. A note on the evaluation of generative models. In International
Conference on Learning Representations, Apr 2016.
[34] Lucas Theis and Matthias Bethge. Generative image modeling using spatial lstms. In Advances in Neural
Information Processing Systems, pages 1927–1935, 2015.
[35] Aäron van den Oord, Nal Kalchbrenner, and Koray Kavukcuoglu. Pixel recurrent neural networks. CoRR,
abs/1601.06759, 2016.
[36] Aaron van den Oord, Nal Kalchbrenner, and Koray Kavukcuoglu. Pixel Recurrent Neural Networks. In
International Conference on Machine Learning, volume 48, pages 1747–1756, 2016.
[37] Aäron van den Oord, Oriol Vinyals, and Koray Kavukcuoglu. Neural discrete representation learning.
CoRR, abs/1711.00937, 2017.
[38] Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N. Gomez, Lukasz
Kaiser, and Illia Polosukhin. Attention Is All You Need. (Nips), 2017.
[39] Gregory K Wallace. The jpeg still picture compression standard. IEEE transactions on consumer
electronics, 38(1):xviii–xxxiv, 1992.
[40] Jun-Yan Zhu, Taesung Park, Phillip Isola, and Alexei A Efros. Unpaired image-to-image translation using
cycle-consistent adversarial networks. In Computer Vision (ICCV), 2017 IEEE International Conference
on, 2017.
13
A Architecture Details and Hyperparameters
A.1 PixelCNN Prior Networks
ImageNet FFHQ
Input size 256 × 256 1024 × 1024
Latent layers 32 × 32, 64 × 64 32 × 32, 64 × 64, 128 × 128
β (commitment loss coefficient) 0.25 0.25
Batch size 128 128
Hidden units 128 128
Residual units 64 64
Layers 2 2
Codebook size 512 512
Codebook dimension 64 64
Encoder conv filter size 3 3
Upsampling conv filter size 4 4
Training steps 2207444 304741
Table 5: Hyper parameters of VQ-VAE encoder and decoder used for ImageNet-256 and FFHQ-1024
experiments.
14
B Additional Samples
Please follow the following link to access the full version of our paper, rendered without lossy
compression, which includes additional samples.
https://drive.google.com/file/d/1H2nr_Cu7OK18tRemsWn_6o5DGMNYentM/
view?usp=sharing
15