变分自编码器(Variational AutoEncoder)
#!/usr/bin/env python
# -*- coding: utf-8 -*-
"""
@Time    : 2019/11/26 16:18
@Author  : 我是天才很好
@Blog    : https://blog.csdn.net/weixin_43593330
@Email   : 1103540209@qq.com
@File    : vae.py
@Software: PyCharm
"""
import torch
from torch import nn
class VAE(nn.Module):
    def __init__(self):
        super(VAE, self).__init__()
        # [b, 784] => [b, 20]
        # u: [b, 10]
        # sigma: [b, 10]
        self.encoder = nn.Sequential(
            nn.Linear(784, 256),
            nn.ReLU(),
            nn.Linear(256, 64),
            nn.ReLU(),
            nn.Linear(64, 20),
            nn.ReLU()
        )
        # [b, 20] => [b, 784]
        self.decoder = nn.Sequential(
            nn.Linear(10, 64),
            nn.ReLU(),
            nn.Linear(64, 256),
            nn.ReLU(),
            nn.Linear(256, 784),
            nn.Sigmoid()
        )
    def forward(self, x):
        """
        :param self: 
        :param x: [b, 1, 28, 28]
        :return: 
        """
        batchsz = x.size(0)
        # flatten
        x = x.view(batchsz, 784)
        # encoder
        # [b, 20], including mean and sigma
        h_ = self.encoder(x)
        # [b, 20] => [b, 10] and [b, 10]
        mu, sigma = h_.chunk(2, dim=1)
        # reparameterize trick, epison~N(0,1)
        h = mu + sigma * torch.randn_like(sigma)
        # decoder
        x_hat = self.decoder(h)
        # reshape
        x_hat = x.view(batchsz, 1, 28, 28)
        kld = 0.5 * torch.sum(
            torch.pow(mu, 2) +
            torch.pow(sigma, 2) -
            torch.log(1e-8 + torch.pow(sigma, 2)) - 1
        ) / (batchsz * 28 * 28)
        return x_hat, kld#!/usr/bin/env python
# -*- coding: utf-8 -*-
"""
@Time    : 2019/11/26 16:42
@Author  : 我是天才很好
@Blog    : https://blog.csdn.net/weixin_43593330
@Email   : 1103540209@qq.com
@File    : VAEmain.py
@Software: PyCharm
"""
import torch
from torch.utils.data import DataLoader
from torch import nn, optim
from torchvision import transforms, datasets
from vae import VAE
import visdom
def main():
    mnist_train = datasets.MNIST('mnist', True, transform=transforms.Compose([transforms.ToTensor()]), download=True)
    mnist_train = DataLoader(mnist_train, batch_size=32, shuffle=True)
    mnist_test =  datasets.MNIST('mnist', False, transform=transforms.Compose([transforms.ToTensor()]), download=True)
    mnist_test =  DataLoader(mnist_test, batch_size=32, shuffle=True)
    x, _ = iter(mnist_train).next()
    print('x:',x.shape)
    device = torch.device('cuda')
    model = VAE().to(device)
    criteon = nn.MSELoss()
    optimizer = optim.Adam(model.parameters(), lr=1e-3)
    print(model)
    viz = visdom.Visdom()
    for epoch in range(10):
        for batchidx, (x, _) in enumerate(mnist_train):
            # [b,1,28,28]
            x = x.to(device)
            x_hat, kld = model(x)
            loss = criteon(x_hat,x)
            if kld is not None:
                elbo = - loss - 1.0 * kld
                loss = - elbo
            # backprop
            optimizer.zero_grad()
            loss.backward()
            optimizer.step()
        print(epoch, 'loss:', loss.item(), 'kld:',kld.item())
        x, _ = iter(mnist_test).next()
        x = x.to(device)
        with torch.no_grad():
            x_hat, kld = model(x)
        viz.images(x, nrow=8, win='original', opts=dict(title='original'))
        viz.images(x_hat, nrow=8, win='VAE', opts=dict(title='VAE'))
if __name__ == '__main__':
    main()E:\Anaconda3.5\envs\pytorch\python.exe E:/CQUPT/AI/python/pycharm/深度学习与PyTorch入门实战教程/自编码器/VAEmain.py
x: torch.Size([32, 1, 28, 28])
Setting up a new session...
VAE(
  (encoder): Sequential(
    (0): Linear(in_features=784, out_features=256, bias=True)
    (1): ReLU()
    (2): Linear(in_features=256, out_features=64, bias=True)
    (3): ReLU()
    (4): Linear(in_features=64, out_features=20, bias=True)
    (5): ReLU()
  )
  (decoder): Sequential(
    (0): Linear(in_features=10, out_features=64, bias=True)
    (1): ReLU()
    (2): Linear(in_features=64, out_features=256, bias=True)
    (3): ReLU()
    (4): Linear(in_features=256, out_features=784, bias=True)
    (5): Sigmoid()
  )
)
0 loss: 0.011143641546368599 kld: 0.011143641546368599
1 loss: 0.011115435510873795 kld: 0.011115435510873795
2 loss: 0.011111317202448845 kld: 0.011111317202448845
3 loss: 0.011111368425190449 kld: 0.011111368425190449
4 loss: 0.011111196130514145 kld: 0.011111196130514145
5 loss: 0.011110394261777401 kld: 0.011110394261777401
6 loss: 0.011110186576843262 kld: 0.011110186576843262
7 loss: 0.011110140010714531 kld: 0.011110140010714531
8 loss: 0.011110692285001278 kld: 0.011110692285001278
9 loss: 0.011110181920230389 kld: 0.011110181920230389
进程已结束,退出代码0









