婷婷综合国产,91蜜桃婷婷狠狠久久综合9色 ,九九九九九精品,国产综合av

主頁 > 知識庫 > Pytorch學習筆記DCGAN極簡入門教程

Pytorch學習筆記DCGAN極簡入門教程

熱門標簽:佛山防封外呼系統收費 哈爾濱外呼系統代理商 鄭州智能外呼系統運營商 電話機器人適用業務 徐州天音防封電銷卡 不錯的400電話辦理 湛江電銷防封卡 獲客智能電銷機器人 南昌辦理400電話怎么安裝

1.圖片分類網絡

這是一個二分類網絡,可以是alxnet ,vgg,resnet任何一個,負責對圖片進行二分類,區分圖片是真實圖片還是生成的圖片

2.圖片生成網絡

輸入是一個隨機噪聲,輸出是一張圖片,使用的是反卷積層

相信學過深度學習的都能寫出這兩個網絡,當然如果你寫不出來,沒關系,有人替你寫好了

首先是圖片分類網絡:

簡單來說就是cnn+relu+sogmid,可以換成任何一個分類網絡,比如bgg,resnet等

class Discriminator(nn.Module):
    def __init__(self, ngpu):
        super(Discriminator, self).__init__()
        self.ngpu = ngpu
        self.main = nn.Sequential(
            # input is (nc) x 64 x 64
            nn.Conv2d(nc, ndf, 4, 2, 1, bias=False),
            nn.LeakyReLU(0.2, inplace=True),
            # state size. (ndf) x 32 x 32
            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 16 x 16
            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 8 x 8
            nn.Conv2d(ndf * 4, ndf * 8, 4, 2, 1, bias=False),
            nn.BatchNorm2d(ndf * 8),
            nn.LeakyReLU(0.2, inplace=True),
            # state size. (ndf*8) x 4 x 4
            nn.Conv2d(ndf * 8, 1, 4, 1, 0, bias=False),
            nn.Sigmoid()
        )
    def forward(self, input):
        return self.main(input)

重點是生成網絡

代碼如下,其實就是反卷積+bn+relu

class Generator(nn.Module):
    def __init__(self, ngpu):
        super(Generator, self).__init__()
        self.ngpu = ngpu
        self.main = nn.Sequential(
            # input is Z, going into a convolution
            nn.ConvTranspose2d( nz, ngf * 8, 4, 1, 0, bias=False),
            nn.BatchNorm2d(ngf * 8),
            nn.ReLU(True),
            # state size. (ngf*8) x 4 x 4
            nn.ConvTranspose2d(ngf * 8, ngf * 4, 4, 2, 1, bias=False),
            nn.BatchNorm2d(ngf * 4),
            nn.ReLU(True),
            # state size. (ngf*4) x 8 x 8
            nn.ConvTranspose2d( ngf * 4, ngf * 2, 4, 2, 1, bias=False),
            nn.BatchNorm2d(ngf * 2),
            nn.ReLU(True),
            # state size. (ngf*2) x 16 x 16
            nn.ConvTranspose2d( ngf * 2, ngf, 4, 2, 1, bias=False),
            nn.BatchNorm2d(ngf),
            nn.ReLU(True),
            # state size. (ngf) x 32 x 32
            nn.ConvTranspose2d( ngf, nc, 4, 2, 1, bias=False),
            nn.Tanh()
            # state size. (nc) x 64 x 64
        )
    def forward(self, input):
        return self.main(input)


講道理,以上兩個網絡都挺簡單。

真正的重點到了,怎么訓練

每一個step分為三個步驟:

  • 訓練二分類網絡
    1.輸入真實圖片,經過二分類,希望判定為真實圖片,更新二分類網絡
    2.輸入噪聲,進過生成網絡,生成一張圖片,輸入二分類網絡,希望判定為虛假圖片,更新二分類網絡
  • 訓練生成網絡
    3.輸入噪聲,進過生成網絡,生成一張圖片,輸入二分類網絡,希望判定為真實圖片,更新生成網絡

不多說直接上代碼

for epoch in range(num_epochs):
    # For each batch in the dataloader
    for i, data in enumerate(dataloader, 0):
        ############################
        # (1) Update D network: maximize log(D(x)) + log(1 - D(G(z)))
        ###########################
        ## Train with all-real batch
        netD.zero_grad()
        # Format batch
        real_cpu = data[0].to(device)
        b_size = real_cpu.size(0)
        label = torch.full((b_size,), real_label, device=device)
        # Forward pass real batch through D
        output = netD(real_cpu).view(-1)
        # Calculate loss on all-real batch
        errD_real = criterion(output, label)
        # Calculate gradients for D in backward pass
        errD_real.backward()
        D_x = output.mean().item()
        ## Train with all-fake batch
        # Generate batch of latent vectors
        noise = torch.randn(b_size, nz, 1, 1, device=device)
        # Generate fake image batch with G
        fake = netG(noise)
        label.fill_(fake_label)
        # Classify all fake batch with D
        output = netD(fake.detach()).view(-1)
        # Calculate D's loss on the all-fake batch
        errD_fake = criterion(output, label)
        # Calculate the gradients for this batch
        errD_fake.backward()
        D_G_z1 = output.mean().item()
        # Add the gradients from the all-real and all-fake batches
        errD = errD_real + errD_fake
        # Update D
        optimizerD.step()
        ############################
        # (2) Update G network: maximize log(D(G(z)))
        ###########################
        netG.zero_grad()
        label.fill_(real_label)  # fake labels are real for generator cost
        # Since we just updated D, perform another forward pass of all-fake batch through D
        output = netD(fake).view(-1)
        # Calculate G's loss based on this output
        errG = criterion(output, label)
        # Calculate gradients for G
        errG.backward()
        D_G_z2 = output.mean().item()
        # Update G
        optimizerG.step()
        # Output training stats
        if i % 50 == 0:
            print('[%d/%d][%d/%d]\tLoss_D: %.4f\tLoss_G: %.4f\tD(x): %.4f\tD(G(z)): %.4f / %.4f'
                  % (epoch, num_epochs, i, len(dataloader),
                     errD.item(), errG.item(), D_x, D_G_z1, D_G_z2))
        # Save Losses for plotting later
        G_losses.append(errG.item())
        D_losses.append(errD.item())
        # Check how the generator is doing by saving G's output on fixed_noise
        if (iters % 500 == 0) or ((epoch == num_epochs-1) and (i == len(dataloader)-1)):
            with torch.no_grad():
                fake = netG(fixed_noise).detach().cpu()
            img_list.append(vutils.make_grid(fake, padding=2, normalize=True))
        iters += 1

以上就是Pytorch學習筆記DCGAN極簡入門教程的詳細內容,更多關于Pytorch學習DCGAN入門教程的資料請關注腳本之家其它相關文章!

您可能感興趣的文章:
  • Pytorch使用MNIST數據集實現基礎GAN和DCGAN詳解
  • PyTorch安裝與基本使用詳解
  • 使用Pytorch搭建模型的步驟

標簽:蕪湖 紹興 廣西 呂梁 懷化 蘭州 吉安 安康

巨人網絡通訊聲明:本文標題《Pytorch學習筆記DCGAN極簡入門教程》,本文關鍵詞  Pytorch,學習,筆記,DCGAN,極簡,;如發現本文內容存在版權問題,煩請提供相關信息告之我們,我們將及時溝通與處理。本站內容系統采集于網絡,涉及言論、版權與本站無關。
  • 相關文章
  • 下面列出與本文章《Pytorch學習筆記DCGAN極簡入門教程》相關的同類信息!
  • 本頁收集關于Pytorch學習筆記DCGAN極簡入門教程的相關信息資訊供網民參考!
  • 推薦文章
    主站蜘蛛池模板: 石门县| 莱州市| 大方县| 临颍县| 勐海县| 株洲市| 边坝县| 仁怀市| 武宁县| 汝州市| 洛浦县| 铁力市| 金乡县| 沅江市| 兰考县| 土默特右旗| 澄江县| 镇平县| 高淳县| 自贡市| 本溪市| 东平县| 东城区| 远安县| 永平县| 内丘县| 仁怀市| 宜春市| 永丰县| 交口县| 巩留县| 葵青区| 乐至县| 高碑店市| 美姑县| 桃园市| 都昌县| 洛隆县| 余江县| 恩施市| 青冈县|