Skip to content

Commit

Permalink
modified
Browse files Browse the repository at this point in the history
  • Loading branch information
ericlearning committed Jul 18, 2019
1 parent 469863a commit f2f0b29
Show file tree
Hide file tree
Showing 3 changed files with 3 additions and 4 deletions.
2 changes: 1 addition & 1 deletion train.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
import torch
import torch.nn as nn
from dataset import Dataset
from architectures.architectures_pggan import PGGAN_D, PGGAN_G
from architectures.architecture_pggan import PGGAN_D, PGGAN_G
from trainers.trainer_ralsgan_progressive import Trainer_RALSGAN_Progressive
from trainers.trainer_rahingegan_progressive import Trainer_RAHINGEGAN_Progressive
from trainers.trainer_wgan_gp_progressive import Trainer_WGAN_GP_Progressive
Expand Down
2 changes: 1 addition & 1 deletion train_advanced.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
import torch
import torch.nn as nn
from dataset import Dataset
from architectures.architectures_pggan import PGGAN_D, PGGAN_G
from architectures.architecture_pggan import PGGAN_D, PGGAN_G
from trainers_advanced.trainer import Trainer
from utils import save, load

Expand Down
3 changes: 1 addition & 2 deletions trainers_advanced/trainer.py
Original file line number Diff line number Diff line change
Expand Up @@ -51,7 +51,6 @@ def __init__(self, loss_type, netD, netG, device, train_ds, lr_D = 0.0002, lr_G
self.fixed_noise = generate_noise(49, self.nz, self.device)
self.loss_interval = loss_interval
self.image_interval = image_interval
self.snapshot_interval = snapshot_interval

self.errD_records = []
self.errG_records = []
Expand Down Expand Up @@ -129,7 +128,7 @@ def train(self, res_num_epochs, res_percentage, bs):
self.netG.zero_grad()
if(self.resample):
noise = generate_noise(bs, self.nz, self.device)
fake_images = self.netG(noise)
fake_images = self.netG(noise, p)

if(self.require_type == 0):
c_xf = self.netD(fake_images, p)
Expand Down

0 comments on commit f2f0b29

Please sign in to comment.