美文网首页生成对抗性学习笔记
Wasserstein GAN有这么神!吗?

Wasserstein GAN有这么神!吗?

作者: Lornatang | 来源:发表于2019-04-10 12:35 被阅读0次

    Wasserstein GAN

    在GAN的相关研究如火如荼甚至可以说是泛滥的今天,一篇新鲜出炉的arXiv论文《Wasserstein GAN》却在Reddit的Machine Learning频道火了,连Goodfellow都在帖子里和大家热烈讨论,这篇论文究竟有什么了不得的地方呢?

    要知道自从2014年Ian Goodfellow提出以来,GAN就存在着训练困难、生成器和判别器的loss无法指示训练进程、生成样本缺乏多样性等问题。从那时起,很多论文都在尝试解决,但是效果不尽人意,比如最有名的一个改进DCGAN依靠的是对判别器和生成器的架构进行实验枚举,最终找到一组比较好的网络架构设置,但是实际上是治标不治本,没有彻底解决问题。而今天的主角Wasserstein GAN(下面简称WGAN)成功地做到了以下爆炸性的几点:

    • 彻底解决GAN训练不稳定的问题,不再需要小心平衡生成器和判别器的训练程度

    • 基本解决了collapse mode的问题,确保了生成样本的多样性

    • 训练过程中终于有一个像交叉熵、准确率这样的数值来指示训练的进程,这个数值越小代表GAN训练得越好,代表生成器产生的图像质量越高(如题图所示)

    • 以上一切好处不需要精心设计的网络架构,最简单的多层全连接网络就可以做到

    那以上好处来自哪里?这就是令人拍案叫绝的部分了——实际上作者整整花了两篇论文,在第一篇《Towards Principled Methods for Training Generative Adversarial Networks》里面推了一堆公式定理,从理论上分析了原始GAN的问题所在,从而针对性地给出了改进要点;在这第二篇《Wasserstein GAN》里面,又再从这个改进点出发推了一堆公式定理,最终给出了改进的算法实现流程,而改进后相比原始GAN的算法实现流程却只改了四点

    • 判别器最后一层去掉sigmoid
    • 生成器和判别器的loss不取log
    • 每次更新判别器的参数之后把它们的绝对值截断到不超过一个固定常数c
    • 不要用基于动量的优化算法(包括momentum和Adam),推荐RMSProp,SGD也行

    算法截图如下:

    image

    改动是如此简单,效果却惊人地好,以至于Reddit上不少人在感叹:就这样?没有别的了? 太简单了吧!这些反应让我想起了一个颇有年头的鸡汤段子,说是一个工程师在电机外壳上用粉笔划了一条线排除了故障,要价一万美元——画一条线,1美元;知道在哪画线,9999美元。上面这四点改进就是作者Martin Arjovsky划的简简单单四条线,对于工程实现便已足够,但是知道在哪划线,背后却是精巧的数学分析,而这也是本文想要整理的内容。

    核心代码如下

    # custom weights initialization called on netG and netD
    def weights_init(m):
      classname = m.__class__.__name__
      if classname.find('Conv') != -1:
        m.weight.data.normal_(0.0, 0.02)
      elif classname.find('BatchNorm') != -1:
        m.weight.data.normal_(1.0, 0.02)
        m.bias.data.fill_(0)
    
    
    class Generator(nn.Module):
      def __init__(self, gpus):
        super(Generator, self).__init__()
        self.ngpu = gpus
        self.main = nn.Sequential(
          # inputs is Z, going into a convolution
          nn.ConvTranspose2d(nz, ngf * 4, 4, 1, 0, bias=False),
          nn.BatchNorm2d(ngf * 4),
          nn.ReLU(True),
          # state size. (ngf*8) x 4 x 4
          nn.ConvTranspose2d(ngf * 4, ngf * 2, 4, 2, 1, bias=False),
          nn.BatchNorm2d(ngf * 2),
          nn.ReLU(True),
          # state size. (ngf*4) x 8 x 8
          nn.ConvTranspose2d(ngf * 2, ngf, 4, 2, 1, bias=False),
          nn.BatchNorm2d(ngf),
          nn.ReLU(True),
          # state size. (ngf*2) x 16 x 16
          nn.ConvTranspose2d(ngf, nc, 4, 2, 1, bias=False),
          nn.Tanh(),
          # state size. (ngf) x 32 x 32
        )
    
      def forward(self, inputs):
        if inputs.is_cuda and self.ngpu > 1:
          outputs = nn.parallel.data_parallel(self.main, inputs, range(self.ngpu))
        else:
          outputs = self.main(inputs)
        return outputs
    
    
    netG = Generator(ngpu)
    netG.apply(weights_init)
    
    if opt.netG != '':
      if torch.cuda.is_available():
        netG = torch.load(opt.netG)
      else:
        netG = torch.load(opt.netG, map_location='cpu')
    
    
    class Discriminator(nn.Module):
      def __init__(self, gpus):
        super(Discriminator, self).__init__()
        self.ngpu = gpus
        self.main = nn.Sequential(
          # inputs is (nc) x 32 x 32
          nn.Conv2d(nc, ndf, 4, 2, 1, bias=False),
          nn.LeakyReLU(0.2, inplace=True),
          # state size. (ndf) x 16 x 16
          nn.Conv2d(ndf, ndf * 2, 4, 2, 1, bias=False),
          nn.BatchNorm2d(ndf * 2),
          nn.LeakyReLU(0.2, inplace=True),
          # state size. (ndf*2) x 8 x 8
          nn.Conv2d(ndf * 2, ndf * 4, 4, 2, 1, bias=False),
          nn.BatchNorm2d(ndf * 4),
          nn.LeakyReLU(0.2, inplace=True),
          # state size. (ndf*4) x 4 x 4
          nn.Conv2d(ndf * 4, 1, 4, 1, 0, bias=False),
        )
    
      def forward(self, inputs):
        if inputs.is_cuda and self.ngpu > 1:
          outputs = nn.parallel.data_parallel(self.main, inputs, range(self.ngpu))
        else:
          outputs = self.main(inputs)
    
        return outputs.view(-1, 1).squeeze(1)
    
    
    netD = Discriminator(ngpu)
    netD.apply(weights_init)
    

    CODE

    文章引用于 郑华滨
    编辑 Lornatang
    校准 Lornatang

    相关文章

      网友评论

        本文标题:Wasserstein GAN有这么神!吗?

        本文链接:https://www.haomeiwen.com/subject/unrniqtx.html