- 快召唤伙伴们来围观吧
- 微博 QQ QQ空间 贴吧
- 文档嵌入链接
- <iframe src="https://www.slidestalk.com/u3807/Energy_based_Geberative_Adversarial_Networks?embed" frame border="0" width="640" height="360" scrolling="no" allowfullscreen="true">复制
- 微信扫一扫分享
Energy-based Geberative Adversarial Networks
展开查看详情
1 . Published as a conference paper at ICLR 2017 E NERGY- BASED G ENERATIVE A DVERSARIAL N ET- WORKS Junbo Zhao, Michael Mathieu and Yann LeCun Department of Computer Science, New York University Facebook Artificial Intelligence Research {jakezhao, mathieu, yann}@cs.nyu.edu A BSTRACT arXiv:1609.03126v4 [cs.LG] 6 Mar 2017 We introduce the “Energy-based Generative Adversarial Network” model (EBGAN) which views the discriminator as an energy function that attributes low energies to the regions near the data manifold and higher energies to other regions. Similar to the probabilistic GANs, a generator is seen as being trained to produce contrastive samples with minimal energies, while the discriminator is trained to assign high energies to these generated samples. Viewing the discrimi- nator as an energy function allows to use a wide variety of architectures and loss functionals in addition to the usual binary classifier with logistic output. Among them, we show one instantiation of EBGAN framework as using an auto-encoder architecture, with the energy being the reconstruction error, in place of the dis- criminator. We show that this form of EBGAN exhibits more stable behavior than regular GANs during training. We also show that a single-scale architecture can be trained to generate high-resolution images. 1 I NTRODUCTION 1.1 E NERGY- BASED MODEL The essence of the energy-based model (LeCun et al., 2006) is to build a function that maps each point of an input space to a single scalar, which is called “energy”. The learning phase is a data- driven process that shapes the energy surface in such a way that the desired configurations get as- signed low energies, while the incorrect ones are given high energies. Supervised learning falls into this framework: for each X in the training set, the energy of the pair (X, Y ) takes low values when Y is the correct label and higher values for incorrect Y ’s. Similarly, when modeling X alone within an unsupervised learning setting, lower energy is attributed to the data manifold. The term con- trastive sample is often used to refer to a data point causing an energy pull-up, such as the incorrect Y ’s in supervised learning and points from low data density regions in unsupervised learning. 1.2 G ENERATIVE A DVERSARIAL N ETWORKS Generative Adversarial Networks (GAN) (Goodfellow et al., 2014) have led to significant improve- ments in image generation (Denton et al., 2015; Radford et al., 2015; Im et al., 2016; Salimans et al., 2016), video prediction (Mathieu et al., 2015) and a number of other domains. The basic idea of GAN is to simultaneously train a discriminator and a generator. The discriminator is trained to distinguish real samples of a dataset from fake samples produced by the generator. The generator uses input from an easy-to-sample random source, and is trained to produce fake samples that the discriminator cannot distinguish from real data samples. During training, the generator receives the gradient of the output of the discriminator with respect to the fake sample. In the original formula- tion of GAN in Goodfellow et al. (2014), the discriminator produces a probability and, under certain conditions, convergence occurs when the distribution produced by the generator matches the data distribution. From a game theory point of view, the convergence of a GAN is reached when the generator and the discriminator reach a Nash equilibrium. 1
2 .Published as a conference paper at ICLR 2017 1.3 E NERGY- BASED G ENERATIVE A DVERSARIAL N ETWORKS In this work, we propose to view the discriminator as an energy function (or a contrast function) without explicit probabilistic interpretation. The energy function computed by the discriminator can be viewed as a trainable cost function for the generator. The discriminator is trained to assign low energy values to the regions of high data density, and higher energy values outside these regions. Conversely, the generator can be viewed as a trainable parameterized function that produces samples in regions of the space to which the discriminator assigns low energy. While it is often possible to convert energies into probabilities through a Gibbs distribution (LeCun et al., 2006), the absence of normalization in this energy-based form of GAN provides greater flexibility in the choice of architecture of the discriminator and the training procedure. The probabilistic binary discriminator in the original formulation of GAN can be seen as one way among many to define the contrast function and loss functional, as described in LeCun et al. (2006) for the supervised and weakly supervised settings, and Ranzato et al. (2007) for unsupervised learn- ing. We experimentally demonstrate this concept, in the setting where the discriminator is an auto- encoder architecture, and the energy is the reconstruction error. More details of the interpretation of EBGAN are provided in the appendix B. Our main contributions are summarized as follows: • An energy-based formulation for generative adversarial training. • A proof that under a simple hinge loss, when the system reaches convergence, the generator of EBGAN produces points that follow the underlying data distribution. • An EBGAN framework with the discriminator using an auto-encoder architecture in which the energy is the reconstruction error. • A set of systematic experiments to explore hyper-parameters and architectural choices that produce good result for both EBGANs and probabilistic GANs. • A demonstration that EBGAN framework can be used to generate reasonable-looking high- resolution images from the ImageNet dataset at 256×256 pixel resolution, without a multi- scale approach. 2 T HE EBGAN M ODEL Let pdata be the underlying probability density of the distribution that produces the dataset. The generator G is trained to produce a sample G(z), for instance an image, from a random vector z, which is sampled from a known distribution pz , for instance N (0, 1). The discriminator D takes either real or generated images, and estimates the energy value E ∈ R accordingly, as explained later. For simplicity, we assume that D produces non-negative values, but the analysis would hold as long as the values are bounded below. 2.1 O BJECTIVE FUNCTIONAL The output of the discriminator goes through an objective functional in order to shape the energy function, attributing low energy to the real data samples and higher energy to the generated (“fake”) ones. In this work, we use a margin loss, but many other choices are possible as explained in LeCun et al. (2006). Similarly to what has been done with the probabilistic GAN (Goodfellow et al., 2014), we use a two different losses, one to train D and the other to train G, in order to get better quality gradients when the generator is far from convergence. Given a positive margin m, a data sample x and a generated sample G(z), the discriminator loss LD and the generator loss LG are formally defined by: LD (x, z) = D(x) + [m − D G(z) ]+ (1) LG (z) = D G(z) (2) where [·]+ = max(0, ·). Minimizing LG with respect to the parameters of G is similar to maximiz- ing the second term of LD . It has the same minimum but non-zero gradients when D(G(z)) ≥ m. 2
3 .Published as a conference paper at ICLR 2017 2.2 O PTIMALITY OF THE SOLUTION In this section, we present a theoretical analysis of the system presented in section 2.1. We show that if the system reaches a Nash equilibrium, then the generator G produces samples that are indis- tinguishable from the distribution of the dataset. This section is done in a non-parametric setting, i.e. we assume that D and G have infinite capacity. Given a generator G, let pG be the density distribution of G(z) where z ∼ pz . In other words, pG is the density distribution of the samples generated by G. We define V (G, D) = x,z LD (x, z)pdata (x)pz (z)dxdz and U (G, D) = z LG (z)pz (z)dz. We train the discriminator D to minimize the quantity V and the generator G to minimize the quantity U . A Nash equilibrium of the system is a pair (G∗ , D∗ ) that satisfies: V (G∗ , D∗ ) ≤ V (G∗ , D) ∀D (3) U (G∗ , D∗ ) ≤ U (G, D∗ ) ∀G (4) Theorem 1. If (D∗ , G∗ ) is a Nash equilibrium of the system, then pG∗ = pdata almost everywhere, and V (D∗ , G∗ ) = m. Proof. First we observe that + V (G∗ , D) = pdata (x)D(x)dx + pz (z) [m − D(G∗ (z))] dz (5) x z + = pdata (x)D(x) + pG∗ (x) [m − D(x)] dx. (6) x The analysis of the function ϕ(y) = ay + b(m − y)+ (see lemma 1 in appendix A for details) shows: (a) D∗ (x) ≤ m almost everywhere. To verify it, let us assume that there exists a set of measure non-zero such that D∗ (x) > m. Let D(x) = min(D∗ (x), m). Then V (G∗ , D) < V (G∗ , D∗ ) which violates equation 3. (b) The function ϕ reaches its minimum in m if a < b and in 0 otherwise. So V (G∗ , D) reaches its minimum when we replace D∗ (x) by these values. We obtain V (G∗ , D∗ ) = m ✶pdata (x)<pG∗ (x) pdata (x)dx + m ✶pdata (x)≥pG∗ (x) pG∗ (x)dx (7) x x = m ✶pdata (x)<pG∗ (x) pdata (x) + 1 − ✶pdata (x)<pG∗ (x) pG∗ (x) dx (8) x = m pG∗ (x)dx + m ✶pdata (x)<pG∗ (x) (pdata (x) − pG∗ (x))dx (9) x x = m+m ✶pdata (x)<pG∗ (x) (pdata (x) − pG∗ (x))dx. (10) x The second term in equation 10 is non-positive, so V (G∗ , D∗ ) ≤ m. By putting the ideal generator that generates pdata into the right side of equation 4, we get pG∗ (x)D∗ (x)dx ≤ pdata (x)D∗ (x)dx. (11) x x Thus by (6), pG∗ (x)D∗ (x)dx + pG∗ (x)[m − D∗ (x)]+ dx ≤ V (G∗ , D∗ ) (12) x x and since D∗ (x) ≤ m, we get m ≤ V (G∗ , D∗ ). Thus, m ≤ V (G∗ , D∗ ) ≤ m i.e. V (G∗ , D∗ ) = m. Using equation 10, we see that can only happen if x ✶pdata (x)<pG (x) dx = 0, which is true if and only if pG = pdata almost everywhere (this is because pdata and pG are probabilities densities, see lemma 2 in the appendix A for details). Theorem 2. A Nash equilibrium of this system exists and is characterized by (a) pG∗ = pdata (almost everywhere) and (b) there exists a constant γ ∈ [0, m] such that D∗ (x) = γ (almost every- where).1 . 1 This is assuming there is no region where pdata (x) = 0. If such a region exists, D∗ (x) may have any value in [0, m] for x in this region. 3
4 .Published as a conference paper at ICLR 2017 Proof. See appendix A. 2.3 U SING AUTO - ENCODERS In our experiments, the discriminator D is structured as an auto-encoder: D(x) = ||Dec(Enc(x)) − x||. (13) z G Enc Dec MSE E x "D" Figure 1: EBGAN architecture with an auto-encoder discriminator. The diagram of the EBGAN model with an auto-encoder discriminator is depicted in figure 1. The choice of the auto-encoders for D may seem arbitrary at the first glance, yet we postulate that it is conceptually more attractive than a binary logistic network: • Rather than using a single bit of target information to train the model, the reconstruction-based output offers a diverse targets for the discriminator. With the binary logistic loss, only two targets are possible, so within a minibatch, the gradients corresponding to different samples are most likely far from orthogonal. This leads to inefficient training, and reducing the minibatch sizes is often not an option on current hardware. On the other hand, the reconstruction loss will likely produce very different gradient directions within the minibatch, allowing for larger minibatch size without loss of efficiency. • Auto-encoders have traditionally been used to represent energy-based model and arise naturally. When trained with some regularization terms (see section 2.3.1), auto-encoders have the ability to learn an energy manifold without supervision or negative examples. This means that even when an EBGAN auto-encoding model is trained to reconstruct a real sample, the discriminator contributes to discovering the data manifold by itself. To the contrary, without the presence of negative examples from the generator, a discriminator trained with binary logistic loss becomes pointless. 2.3.1 C ONNECTION TO THE REGULARIZED AUTO - ENCODERS One common issue in training auto-encoders is that the model may learn little more than an identity function, meaning that it attributes zero energy to the whole space. In order to avoid this problem, the model must be pushed to give higher energy to points outside the data manifold. Theoretical and experimental results have addressed this issue by regularizing the latent representations (Vincent et al., 2010; Rifai et al., 2011; MarcAurelio Ranzato & Chopra, 2007; Kavukcuoglu et al., 2010). Such regularizers aim at restricting the reconstructing power of the auto-encoder so that it can only attribute low energy to a smaller portion of the input points. We argue that the energy function (the discriminator) in the EBGAN framework is also seen as being regularized by having a generator producing the contrastive samples, to which the discrim- inator ought to give high reconstruction energies. We further argue that the EBGAN framework allows more flexibility from this perspective, because: (i)-the regularizer (generator) is fully train- able instead of being handcrafted; (ii)-the adversarial training paradigm enables a direct interaction between the duality of producing contrastive sample and learning the energy function. 4
5 .Published as a conference paper at ICLR 2017 2.4 R EPELLING REGULARIZER We propose a “repelling regularizer” which fits well into the EBGAN auto-encoder model, purposely keeping the model from producing samples that are clustered in one or only few modes of pdata . Another technique “minibatch discrimination” was developed by Salimans et al. (2016) from the same philosophy. Implementing the repelling regularizer involves a Pulling-away Term (PT) that runs at a represen- tation level. Formally, let S ∈ Rs×N denotes a batch of sample representations taken from the encoder output layer. Let us define PT as: 1 STi Sj 2 fP T (S) = . (14) N (N − 1) i Si Sj j=i PT operates on a mini-batch and attempts to orthogonalize the pairwise sample representation. It is inspired by the prior work showing the representational power of the encoder in the auto-encoder alike model such as Rasmus et al. (2015) and Zhao et al. (2015). The rationale for choosing the cosine similarity instead of Euclidean distance is to make the term bounded below and invariant to scale. We use the notation “EBGAN-PT” to refer to the EBGAN auto-encoder model trained with this term. Note the PT is used in the generator loss but not in the discriminator loss. 3 R ELATED WORK Our work primarily casts GANs into an energy-based model scope. On this direction, the approaches studying contrastive samples are relevant to EBGAN, such as the use of noisy samples (Vincent et al., 2010) and noisy gradient descent methods like contrastive divergence (Carreira-Perpinan & Hinton, 2005). From the perspective of GANs, several papers were presented to improve the stability of GAN training, (Salimans et al., 2016; Denton et al., 2015; Radford et al., 2015; Im et al., 2016; Mathieu et al., 2015). Kim & Bengio (2016) propose a probabilistic GAN and cast it into an energy-based density estimator by using the Gibbs distribution. Quite unlike EBGAN, this proposed framework doesn’t get rid of the computational challenging partition function, so the choice of the energy function is required to be integratable. 4 E XPERIMENTS 4.1 E XHAUSTIVE GRID SEARCH ON MNIST In this section, we study the training stability of EBGANs over GANs on a simple task of MNIST digit generation with fully-connected networks. We run an exhaustive grid search over a set of architectural choices and hyper-parameters for both frameworks. Formally, we specify the search grid in table 1. We impose the following restrictions on EBGAN models: (i)-using learning rate 0.001 and Adam (Kingma & Ba, 2014) for both G and D; (ii)- nLayerD represents the total number of layers combining Enc and Dec. For simplicity, we fix Dec to be one layer and only tune the Enc #layers; (iii)-the margin is set to 10 and not being tuned. To analyze the results, we use the inception score (Salimans et al., 2016) as a numerical means reflecting the generation quality. Some slight modification of the formulation were made to make figure 2 visu- ally more approachable while maintaining the score’s original meaning, I = Ex KL(p(y)||p(y|x))2 (more details in appendix C). Briefly, higher I score implies better generation quality. Histograms We plot the histogram of I scores in figure 2. We further separated out the optimization related setting from GAN’s grid (optimD, optimG and lr) and plot the histogram of each sub- grid individually, together with the EBGAN I scores as a reference, in figure 3. The number of experiments for GANs and EBGANs are both 512 in every subplot. The histograms evidently show that EBGANs are more reliably trained. 2 This form of the “inception score” is only used to better analyze the grid search in the scope of this work, but not to compare with any other published work. 5
6 .Published as a conference paper at ICLR 2017 Table 1: Grid search specs Settings Description EBGANs GANs nLayerG number of layers in G [2, 3, 4, 5] [2, 3, 4, 5] nLayerD number of layers in D [2, 3, 4, 5] [2, 3, 4, 5] sizeG number of neurons in G [400, 800, 1600, 3200] [400, 800, 1600, 3200] sizeD number of neurons in D [128, 256, 512, 1024] [128, 256, 512, 1024] dropoutD if to use dropout in D [true, false] [true, false] optimD to use Adam or SGD for D adam [adam, sgd] optimG to use Adam or SGD for G adam [adam, sgd] lr learning rate 0.001 [0.01, 0.001, 0.0001] #experiments: - 512 6144 Digits generated from the configurations presenting the best inception score are shown in figure 4. Figure 2: (Zooming in on pdf file is recommended.) Histogram of the inception scores from the grid search. The x-axis carries the inception score I and y-axis informs the portion of the models (in percentage) falling into certain bins. Left (a): general comparison of EBGANs against GANs; Middle (b): EBGANs and GANs both constrained by nLayer[GD]<=4; Right (c): EBGANs and GANs both constrained by nLayer[GD]<=3. Figure 3: (Zooming in on pdf file is recommended.) Histogram of the inception scores grouped by different optimization combinations, drawn from optimD, optimG and lr (See text). 4.2 S EMI - SUPERVISED LEARNING ON MNIST We explore the potential of using the EBGAN framework for semi-supervised learning on permutation-invariant MNIST, collectively on using 100, 200 and 1000 labels. We utilized a bottom- 6
7 .Published as a conference paper at ICLR 2017 Figure 4: Generation from the grid search on MNIST. Left(a): Best GAN model; Middle(b): Best EBGAN model. Right(c): Best EBGAN-PT model. layer-cost Ladder Network (LN) (Rasmus et al., 2015) with the EGBAN framework (EBGAN-LN). Ladder Network can be categorized as an energy-based model that is built with both feedforward and feedback hierarchies powered by stage-wise lateral connections coupling two pathways. One technique we found crucial in enabling EBGAN framework for semi-supervised learning is to gradually decay the margin value m of the equation 1. The rationale behind is to let discriminator punish generator less when pG gets closer to the data manifold. One can think of the extreme case where the contrastive samples are exactly pinned on the data manifold, such that they are “not con- trastive anymore”. This ultimate status happens when m = 0 and the EBGAN-LN model falls back to a normal Ladder Network. The undesirability of a non-decay dynamics for using the discriminator in the GAN or EBGAN framework is also indicated by Theorem 2: on convergence, the discrimi- nator reflects a flat energy surface. However, we posit that the trajectory of learning a EBGAN-LN model does provide the LN (discriminator) more information by letting it see contrastive samples. Yet the optimal way to avoid the mentioned undesirability is to make sure m has been decayed to 0 when the Nash Equilibrium is reached. The margin decaying schedule is found by hyper-parameter search in our experiments (technical details in appendix D). From table 2, it shows that positioning a bottom-layer-cost LN into an EBGAN framework prof- itably improves the performance of the LN itself. We postulate that within the scope of the EBGAN framework, iteratively feeding the adversarial contrastive samples produced by the generator to the energy function acts as an effective regularizer; the contrastive samples can be thought as an exten- sion to the dataset that provides more information to the classifier. We notice there was a discrepancy between the reported results between Rasmus et al. (2015) and Pezeshki et al. (2015), so we report both results along with our own implementation of the Ladder Network running the same setting. The specific experimental setting and analysis are available in appendix D. Table 2: The comparison of LN bottom-layer-cost model and its EBGAN extension on PI-MNIST semi-supervised task. Note the results are error rate (in %) and averaged over 15 different random seeds. model 100 200 1000 LN bottom-layer-cost, reported in Pezeshki et al. (2015) 1.69±0.18 - 1.05±0.02 LN bottom-layer-cost, reported in Rasmus et al. (2015) 1.09±0.32 - 0.90±0.05 LN bottom-layer-cost, reproduced in this work (see appendix D) 1.36±0.21 1.24±0.09 1.04±0.06 LN bottom-layer-cost within EBGAN framework 1.04±0.12 0.99±0.12 0.89±0.04 Relative percentage improvement 23.5% 20.2% 14.4% 4.3 LSUN & C ELEBA We apply the EBGAN framework with deep convolutional architecture to generate 64 × 64 RGB images, a more realistic task, using the LSUN bedroom dataset (Yu et al., 2015) and the large-scale face dataset CelebA under alignment (Liu et al., 2015). To compare EBGANs with DCGANs (Rad- ford et al., 2015), we train a DCGAN model under the same configuration and show its generation side-by-side with the EBGAN model, in figures 5 and 6. The specific settings are listed in appendix C. 7
8 .Published as a conference paper at ICLR 2017 Figure 5: Generation from the LSUN bedroom dataset. Left(a): DCGAN generation. Right(b): EBGAN-PT generation. Figure 6: Generation from the CelebA dataset. Left(a): DCGAN generation. Right(b): EBGAN-PT generation. 4.4 I MAGE N ET Finally, we trained EBGANs to generate high-resolution images on ImageNet (Russakovsky et al., 2015). Compared with the datasets we have experimented so far, ImageNet presents an extensively larger and wilder space, so modeling the data distribution by a generative model becomes very chal- lenging. We devised an experiment to generate 128 × 128 images, trained on the full ImageNet-1k dataset, which contains roughly 1.3 million images from 1000 different categories. We also trained a network to generate images of size 256 × 256, on a dog-breed subset of ImageNet, using the wordNet IDs provided by Vinyals et al. (2016). The results are shown in figures 7 and 8. Despite the difficulty of generating images on a high-resolution level, we observe that EBGANs are able to learn about the fact that objects appear in the foreground, together with various background com- ponents resembling grass texture, sea under the horizon, mirrored mountain in the water, buildings, etc. In addition, our 256 × 256 dog-breed generations, although far from realistic, do reflect some knowledge about the appearances of dogs such as their body, furs and eye. 8
9 .Published as a conference paper at ICLR 2017 Figure 7: ImageNet 128 × 128 generations using an EBGAN-PT. Figure 8: ImageNet 256 × 256 generations using an EBGAN-PT. 5 O UTLOOK We bridge two classes of unsupervised learning methods – GANs and auto-encoders – and revisit the GAN framework from an alternative energy-based perspective. EBGANs show better convergence pattern and scalability to generate high-resolution images. A family of energy-based loss functionals presented in LeCun et al. (2006) can easily be incorporated into the EBGAN framework. For the future work, the conditional setting (Denton et al., 2015; Mathieu et al., 2015) is a promising setup to explore. We hope the future research will raise more attention on a broader view of GANs from the energy-based perspective. ACKNOWLEDGMENT We thank Emily Denton, Soumith Chitala, Arthur Szlam, Marc’Aurelio Ranzato, Pablo Sprech- mann, Ross Goroshin and Ruoyu Sun for fruitful discussions. We also thank Emily Denton and Tian Jiang for their help with the manuscript. R EFERENCES Carreira-Perpinan, Miguel A and Hinton, Geoffrey. On contrastive divergence learning. In AISTATS, volume 10, pp. 33–40. Citeseer, 2005. 9
10 .Published as a conference paper at ICLR 2017 Denton, Emily L, Chintala, Soumith, Fergus, Rob, et al. Deep generative image models using a laplacian pyramid of adversarial networks. In Advances in neural information processing systems, pp. 1486–1494, 2015. Goodfellow, Ian, Pouget-Abadie, Jean, Mirza, Mehdi, Xu, Bing, Warde-Farley, David, Ozair, Sherjil, Courville, Aaron, and Bengio, Yoshua. Generative adversarial nets. In Advances in Neural Information Processing Systems, pp. 2672–2680, 2014. Im, Daniel Jiwoong, Kim, Chris Dongjoo, Jiang, Hui, and Memisevic, Roland. Generating images with recur- rent adversarial networks. arXiv preprint arXiv:1602.05110, 2016. Ioffe, Sergey and Szegedy, Christian. Batch normalization: Accelerating deep network training by reducing internal covariate shift. arXiv preprint arXiv:1502.03167, 2015. Kavukcuoglu, Koray, Sermanet, Pierre, Boureau, Y-Lan, Gregor, Karol, Mathieu, Micha¨el, and Cun, Yann L. Learning convolutional feature hierarchies for visual recognition. In Advances in neural information pro- cessing systems, pp. 1090–1098, 2010. Kim, Taesup and Bengio, Yoshua. Deep directed generative models with energy-based probability estimation. arXiv preprint arXiv:1606.03439, 2016. Kingma, Diederik and Ba, Jimmy. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980, 2014. LeCun, Yann, Chopra, Sumit, and Hadsell, Raia. A tutorial on energy-based learning. 2006. Liu, Ziwei, Luo, Ping, Wang, Xiaogang, and Tang, Xiaoou. Deep learning face attributes in the wild. In Proceedings of the IEEE International Conference on Computer Vision, pp. 3730–3738, 2015. MarcAurelio Ranzato, Christopher Poultney and Chopra, Sumit. Efficient learning of sparse representations with an energy-based model. 2007. Mathieu, Michael, Couprie, Camille, and LeCun, Yann. Deep multi-scale video prediction beyond mean square error. arXiv preprint arXiv:1511.05440, 2015. Pezeshki, Mohammad, Fan, Linxi, Brakel, Philemon, Courville, Aaron, and Bengio, Yoshua. Deconstructing the ladder network architecture. arXiv preprint arXiv:1511.06430, 2015. Radford, Alec, Metz, Luke, and Chintala, Soumith. Unsupervised representation learning with deep convolu- tional generative adversarial networks. arXiv preprint arXiv:1511.06434, 2015. Ranzato, Marc’Aurelio, Boureau, Y-Lan, Chopra, Sumit, and LeCun, Yann. A unified energy-based framework for unsupervised learning. In Proc. Conference on AI and Statistics (AI-Stats), 2007. Rasmus, Antti, Berglund, Mathias, Honkala, Mikko, Valpola, Harri, and Raiko, Tapani. Semi-supervised learning with ladder networks. In Advances in Neural Information Processing Systems, pp. 3546–3554, 2015. Rifai, Salah, Vincent, Pascal, Muller, Xavier, Glorot, Xavier, and Bengio, Yoshua. Contractive auto-encoders: Explicit invariance during feature extraction. In Proceedings of the 28th international conference on machine learning (ICML-11), pp. 833–840, 2011. Russakovsky, Olga, Deng, Jia, Su, Hao, Krause, Jonathan, Satheesh, Sanjeev, Ma, Sean, Huang, Zhiheng, Karpathy, Andrej, Khosla, Aditya, Bernstein, Michael, Berg, Alexander C., and Fei-Fei, Li. ImageNet Large Scale Visual Recognition Challenge. International Journal of Computer Vision (IJCV), 115(3):211–252, 2015. doi: 10.1007/s11263-015-0816-y. Salimans, Tim, Goodfellow, Ian, Zaremba, Wojciech, Cheung, Vicki, Radford, Alec, and Chen, Xi. Improved techniques for training gans. arXiv preprint arXiv:1606.03498, 2016. Vincent, Pascal, Larochelle, Hugo, Lajoie, Isabelle, Bengio, Yoshua, and Manzagol, Pierre-Antoine. Stacked denoising autoencoders: Learning useful representations in a deep network with a local denoising criterion. Journal of Machine Learning Research, 11(Dec):3371–3408, 2010. Vinyals, Oriol, Blundell, Charles, Lillicrap, Timothy, Kavukcuoglu, Koray, and Wierstra, Daan. Matching networks for one shot learning. arXiv preprint arXiv:1606.04080, 2016. Yu, Fisher, Seff, Ari, Zhang, Yinda, Song, Shuran, Funkhouser, Thomas, and Xiao, Jianxiong. Lsun: Con- struction of a large-scale image dataset using deep learning with humans in the loop. arXiv preprint arXiv:1506.03365, 2015. Zhao, Junbo, Mathieu, Michael, Goroshin, Ross, and Lecun, Yann. Stacked what-where auto-encoders. arXiv preprint arXiv:1506.02351, 2015. 10
11 .Published as a conference paper at ICLR 2017 A A PPENDIX : T ECHNICAL POINTS OF SECTION 2.2 + Lemma 1. Let a, b ≥ 0, ϕ(y) = ay + b [m − y] . The minimum of ϕ on [0, +∞) exists and is reached in m if a < b, and it is reached in 0 otherwise (the minimum may not be unique). Proof. The function ϕ is defined on [0, +∞), its derivative is defined on [0, +∞)\{m} and ϕ (y) = a − b if y ∈ [0, m) and ϕ (y) = a if y ∈ (m, +∞). So when a < b, the function is decreasing on [0, m) and increasing on (m, +∞). Since it is continuous, it has a minimum in m. It may not be unique if a = 0 or a − b = 0. On the other hand, if a ≥ b the function ϕ is increasing on [0, +∞), so 0 is a minimum. Lemma 2. If p and q are probability densities, then x ✶p(x)<q(x) dx = 0 if and only if ✶ x p(x)=q(x) dx = 0. Proof. Let’s assume that x ✶p(x)<q(x) dx = 0. Then ✶p(x)>q(x) (p(x) − q(x))dx (15) x = (1 − ✶p(x)≤q(x) )(p(x) − q(x))dx (16) x = p(x)dx − q(x)dx + ✶p(x)≤q(x) (p(x) − q(x))dx (17) x x x = 1−1+ ✶p(x)<q(x) + ✶p(x)=q(x) (p(x) − q(x))dx (18) x = ✶p(x)<q(x) (p(x) − q(x))dx + ✶p(x)=q(x) (p(x) − q(x))dx (19) x x = 0+0=0 (20) So x ✶p(x)>q(x) (p(x) − q(x))dx = 0 and since the term in the integral is always non-negative, ✶p(x)>q(x) (p(x) − q(x)) = 0 for almost all x. And p(x) − q(x) = 0 implies ✶p(x)>q(x) = 0, so ✶p(x)>q(x) = 0 almost everywhere. Therefore x ✶p(x)>q(x) dx = 0 which completes the proof, given the hypothesis. Proof of theorem 2 The sufficient conditions are obvious. The necessary condition on G∗ comes from theorem 1, and the necessary condition on D∗ (x) ≤ m is from the proof of theorem 1. Let us now assume that D∗ (x) is not constant almost everywhere and find a contradiction. If it is not, then there exists a constant C and a set S of non-zero measure such that ∀x ∈ S, D∗ (x) ≤ C and ∀x ∈ S, D∗ (X) > C. In addition we can choose S such that there exists a subset S ⊂ S of non-zero measure such that pdata (x) > 0 on S (because of the assumption in the footnote). We can build a generator G0 such that pG0 (x) ≤ pdata (x) over S and pG0 (x) < pdata (x) over S . We compute U (G∗ , D∗ ) − U (G0 , D∗ ) = (pdata − pG0 )D∗ (x)dx (21) x = (pdata − pG0 )(D∗ (x) − C)dx (22) x = (pdata − pG0 )(D∗ (x) − C)dx + (pdata − pG0 )(D∗ (x) − C)dx S RN \S (23) >0 (24) which violates equation 4. 11
12 .Published as a conference paper at ICLR 2017 B A PPENDIX : M ORE INTERPRETATIONS ABOUT GAN S AND ENERGY- BASED LEARNING T WO INTERPRETATIONS OF GAN S GANs can be interpreted in two complementary ways. In the first interpretation, the key component is the generator, and the discriminator plays the role of a trainable objective function. Let us imagine that the data lies on a manifold. Until the generator produces samples that are recognized as being on the manifold, it gets a gradient indicating how to modify its output so it could approach the manifold. In such scenario, the discriminator acts to punish the generator when it produces samples that are outside the manifold. This can be understood as a way to train the generator with a set of possible desired outputs (e.g. the manifold) instead of a single desired output as in traditional supervised learning. For the second interpretation, the key component is the discriminator, and the generator is merely trained to produce contrastive samples. We show that by iteratively and interactively feeding con- trastive samples, the generator enhances the semi-supervised learning performance of the discrimi- nator (e.g. Ladder Network), in section 4.2. C A PPENDIX : E XPERIMENT SETTINGS M ORE DETAILS ABOUT THE GRID SEARCH For training both EBGANs and GANs for the grid search, we use the following setting: • Batch normalization (Ioffe & Szegedy, 2015) is applied after each weight layer, except for the generator output layer and the discriminator input layer (Radford et al., 2015). • Training images are scaled into range [-1,1]. Correspondingly the generator output layer is fol- lowed by a Tanh function. • ReLU is used as the non-linearity function. • Initialization: the weights in D from N (0, 0.002) and in G from N (0, 0.02). The bias are initial- ized to be 0. We evaluate the models from the grid search by calculating a modified version of the inception score, I = Ex KL(p(y)||p(y|x)), where x denotes a generated sample and y is the label predicted by a MNIST classifier that is trained off-line using the entire MNIST training set. Two main changes were made upon its original form: (i)-we swap the order of the distribution pair; (ii)-we omit the e(·) operation. The modified score condenses the histogram in figure 2 and figure 3. It is also worth noting that although we inherit the name “inception score” from Salimans et al. (2016), the evaluation isn’t related to the “inception” model trained on ImageNet dataset. The classifier is a regular 3-layer ConvNet trained on MNIST. The generations showed in figure 4 are the best GAN or EBGAN (obtaining the best I score) from the grid search. Their configurations are: • figure 4(a): nLayerG=5, nLayerD=2, sizeG=1600, sizeD=1024, dropoutD=0, optimD=SGD, optimG=SGD, lr=0.01. • figure 4(b): nLayerG=5, nLayerD=2, sizeG=800, sizeD=1024, dropoutD=0, optimD=ADAM, optimG=ADAM, lr=0.001, margin=10. • figure 4(c): same as (b), with λP T = 0.1. LSUN & C ELEBA We use a deep convolutional generator analogous to DCGAN’s and a deep convolutional auto- encoder for the discriminator. The auto-encoder is composed of strided convolution modules in the feedforward pathway and fractional-strided convolution modules in the feedback pathway. We leave the usage of upsampling or switches-unpooling (Zhao et al., 2015) to future research. We also followed the guidance suggested by Radford et al. (2015) for training EBGANs. The configuration of the deep auto-encoder is: 12
13 .Published as a conference paper at ICLR 2017 • Encoder: (64)4c2s-(128)4c2s-(256)4c2s • Decoder: (128)4c2s-(64)4c2s-(3)4c2s where “(64)4c2s” denotes a convolution/deconvolution layer with 64 output feature maps and kernel size 4 with stride 2. The margin m is set to 80 for LSUN and 20 for CelebA. I MAGE N ET We built deeper models in both 128 × 128 and 256 × 256 experiments, in a similar fashion to section 4.3, • 128 × 128 model: – Generator: (1024)4c-(512)4c2s-(256)4c2s-(128)4c2s- (64)4c2s-(64)4c2s-(3)3c – Noise #planes: 100-64-32-16-8-4 – Encoder: (64)4c2s-(128)4c2s-(256)4c2s-(512)4c2s – Decoder: (256)4c2s-(128)4c2s-(64)4c2s-(3)4c2s – Margin: 40 • 256 × 256 model: – Generator: (2048)4c-(1024)4c2s-(512)4c2s-(256)4c2s-(128)4c2s- (64)4c2s-(64)4c2s-(3)3c – Noise #planes: 100-64-32-16-8-4-2 – Encoder: (64)4c2s-(128)4c2s-(256)4c2s-(512)4c2s – Decoder: (256)4c2s-(128)4c2s-(64)4c2s-(3)4c2s – Margin: 80 Note that we feed noise into every layer of the generator where each noise component is initialized into a 4D tensor and concatenated with current feature maps in the feature space. Such strategy is also employed by Salimans et al. (2016). D A PPENDIX : S EMI - SUPERVISED LEARNING EXPERIMENT SETTING BASELINE MODEL As stated in section 4.2, we chose a bottom-layer-cost Ladder Network as our base- line model. Specifically, we utilize an identical architecture as reported in both papers (Rasmus et al., 2015; Pezeshki et al., 2015); namely a fully-connected network of size 784-1000-500-250-250-250, with batch normalization and ReLU following each linear layer. To obtain a strong baseline, we tuned the weight of the reconstruction cost with values from the set { 5000 2000 1000 500 784 , 784 , 784 , 784 }, while fixing the weight on the classification cost to 1. In the meantime, we also tuned the learning rate with values {0.002, 0.001, 0.0005, 0.0002, 0.0001}. We adopted Adam as the optimizer with β1 being set to 0.5. The minibatch size was set to 100. All the experiments are finished by 120,000 steps. We use the same learning rate decay mechanism as in the published papers – starting from the two-thirds of total steps (i.e., from step #80,000) to linearly decay the learning rate to 0. The result reported in section 4.2 was done by the best tuned setting: λL2 = 1000 784 , lr = 0.0002. EBGAN-LN MODEL We place the same Ladder Network architecture into our EBGAN framework and train this EBGAN- LN model the same way as we train the EBGAN auto-encoder model. For technical details, we started training the EBGAN-LN model from the margin value 16 and gradually decay it to 0 within the first 60,000 steps. By the time, we found that the reconstruction error of the real image had already been low and reached the limitation of the architecture (Ladder Network itself); besides the generated images exhibit good quality (shown in figure 10). Thereafter we turned off training the generator but kept training the discriminator for another 120,000 steps. We set the initial learning rates to be 0.0005 for discriminator and 0.00025 for generator. The other setting is kept consistent with the best baseline LN model. The learning rate decay started at step #120,000 (also two-thirds of the total steps). 13
14 .Published as a conference paper at ICLR 2017 OTHER DETAILS • Notice that we used the 28×28 version (unpadded) of the MNIST dataset in the EBGAN-LN experiment. For the EBGAN auto-encoder grid search experiments, we used the zero-padded version, i.e., size 32×32. No phenomenal difference has been found due to the zero-padding. • We generally took the 2 norm of the discrepancy between input and reconstruction for the loss term in the EBGAN auto-encoder model as formally written in section 2.1. However, for the EBGAN-LN experiment, we followed the original implementation of Ladder Network using a vanilla form of 2 loss. • Borrowed from Salimans et al. (2016), the batch normalization is adopted without the learned parameter γ but merely with a bias term β. It still remains unknown whether such trick could affect learning in some non-ignorable way, so this might have made our baseline model not a strict reproduction of the published models by Rasmus et al. (2015) and Pezeshki et al. (2015). E A PPENDIX : TIPS FOR SETTING A GOOD ENERGY MARGIN VALUE It is crucial to set a proper energy margin value m in the framework of EBGAN, from both theoretical and experimental perspective. Hereby we provide a few tips: • Delving into the formulation of the discriminator loss made by equation 1, we suggest a numerical balance between its two terms which concern real and fake sample respectively. The second term is apparently bounded by [0, m] (assuming the energy function D(x) is non-negative). It is desirable to make the first term bounded in a similar range. In theory, the upper bound of the first term is essentially determined by (i)-the capacity of D; (ii)-the complexity of the dataset. • In practice, for the EBGAN auto-encoder model, one can run D (the auto-encoder) alone on the real sample dataset and monitor the loss. When it converges, the consequential loss implies a rough limit on how well such setting of D is capable to fit the dataset. This usually suggests a good start for a hyper-parameter searching on m. • m being overly large results in a training instability/difficulty, while m being too small is prone to the mode-dropping problem. This property of m is depicted in figure 9. • One successful technique, as we introduced in appendix D, is to start from a large m and gradually decayed it to 0 along training proceeds. Unlike the feature matching semi- supervised learning technique proposed by Salimans et al. (2016), we show in figure 10 that not only does the EBGAN-LN model achieve a good semi-supervised learning perfor- mance, it also produces satisfactory generations. Abstracting away from the practical experimental tips, the theoretical understanding of EBGAN in section 2.2 also provides some insight for setting a feasible m. For instance, as implied by Theorem 2, setting a large m results in a broader range of γ to which D∗ (x) may converge. Instability may come after an overly large γ because it generates two strong gradients pointing to opposite directions, from loss 1, which would demand more finicky optimization setting. F A PPENDIX : MORE GENERATION LSUN AUGMENTED VERSION TRAINING For LSUN bedroom dataset, aside from the experiment on the whole images, we also train an EBGAN auto-encoder model based on dataset augmentation by cropping patches. All the patches are of size 64 × 64 and cropped from 96 × 96 original images. The generation is shown in figure 11. C OMPARISON OF EBGAN S AND EBGAN-PT S To further demonstrate how the pull-away term (PT) may influence EBGAN auto-encoder model training, we chose both the whole-image and augmented-patch version of the LSUN bedroom dataset, together with the CelebA dataset to make some further experimentation. The compari- son of EBGAN and EBGAN-PT generation are showed in figure 12, figure 13 and figure 14. Note 14
15 .Published as a conference paper at ICLR 2017 Figure 9: Generation from the EBGAN auto-encoder model trained with different m settings. From top to bottom, m is set to 1, 2, 4, 6, 8, 12, 16, 32 respectively. The rest setting is nLayerG=5, nLayerD=2, sizeG=1600, sizeD=1024, dropoutD=0, optimD=ADAM, optimG=ADAM, lr=0.001. Figure 10: Generation from the EBGAN-LN model. The displayed generations are obtained by an identical experimental setting described in appendix D, with different random seeds. As we mentioned before, we used the unpadded version of the MNIST dataset (size 28×28) in the EBGAN- LN experiments. that all comparison pairs adopt identical architectural and hyper-parameter setting as in section 4.3. The cost weight on the PT is set to 0.1. 15
16 .Published as a conference paper at ICLR 2017 Figure 11: Generation from augmented-patch version of the LSUN bedroom dataset. Left(a): DC- GAN generation. Right(b): EBGAN-PT generation. Figure 12: Generation from whole-image version of the LSUN bedroom dataset. Left(a): EBGAN. Right(b): EBGAN-PT. 16
17 .Published as a conference paper at ICLR 2017 Figure 13: Generation from augmented-patch version of the LSUN bedroom dataset. Left(a): EBGAN. Right(b): EBGAN-PT. Figure 14: Generation from the CelebA dataset. Left(a): EBGAN. Right(b): EBGAN-PT. 17