Questions tagged [dcgan]

Deep Convolutional Generative Adversarial Networks (dcgan) are ai architectural structures used for conveluted systems, that do not depend on the standard mean-squared error pathing, and so these ai systems learn of their own volition. dcgans are typically used to generate unique content.

Deep Convolutional Generative Adversarial Networks (dcgan) are architectural structures used for conveluted systems, that do not depend on the standard mean-squared error pathing, and so thse ai systems learn of their own volition. dcgans are typically used to generate unique content.

dcgan typically comprises two parts;
The discriminator, which learns how to distinguish fake from real objects of the type we’d like to create
The generator, which creates new content and tries to fool the discriminator

89 questions
1
vote
1 answer

What's the difference between keras.datasets.mnist and tensorflow.examples.tutorials.mnist?

I am analysing this DCGAN. When I use input_data from tensorflow.examples.tutorials.mnist, as seen in line 144: self.x_train = input_data.read_data_sets("mnist",\ one_hot=True).train.images I obtain reasonably good results: Though when I…
user5987748
1
vote
1 answer

A basic query about Generative adversarial Models

Is it possible for the Generator to learn a distribution when noise is a specific input say n images instead of a random noise? For example, there are two categories of images with labels 0 and 1 say 0 for cats and 1 for dogs. Is it possible to…
1
vote
0 answers

Keras & Tensorflow - Layer argument as variable to be changed during prediction

I'm using this code to train a DCGAN model to generate images. DCGAN I want to be able to output (predict) images at a greater resolution than the model was trained at, and I'm told this is possible if convolution is used. In the following code,…
mrboni
  • 11
  • 3
1
vote
1 answer

Sudden drop in validation_loss after reloading the model(s)

I am testing a cGAN in keras / tensorflow, and after 1000 epochs I saved the model. After a bit of time I restored the generator model + weights the discriminator model + weights the GAN weights (the model is recreated) This is the resulting…
1
vote
1 answer

DCGAN generating just noise

I am trying to train DCGAN on the "Labeled Faces in the Wild" dataset with image shape (64,64,3). After training for 1000 or more epochs it is generating just noise. The code is as follows: class GAN(): img_rows = 64 img_cols = 64 channels =…
1
vote
0 answers

GAN Generator not producing desired results

I am somewhat new to tensorflow, so if the problem is something obvious then please forgive me. Basically, I am making a generative adversarial network and my generator produces very repetitive tile-like patterns. At the current moment my generator…
Adam
  • 146
  • 6
1
vote
1 answer

TensorFlow MNIST DCGAN: how to set up the loss function?

I would like to build a DCGAN for MNIST by myself in TensorFlow. However, I'm struggling to find out how I should set up the loss function for the generator. In a Keras DCGAN implementation the author used a little "workaround" for this problem: he…
daniel451
  • 10,626
  • 19
  • 67
  • 125
0
votes
0 answers

ImageFolder in DCGAN tutorial

I'm trying to run code for a Deep Convolutional GAN from the official PyTorch site (https://pytorch.org/tutorials/beginner/dcgan_faces_tutorial.html) on my Mac. When I try loading the data, I keep getting the following error that I do NOT…
0
votes
1 answer

how to save the generated images for every batch and epoch from GAN model

This is my GAN model code: import torch import torch.nn as nn import torch.optim as optim import torchvision.datasets as dset import torchvision.transforms as transforms from torchvision.utils import save_image from torch.utils.data import…
0
votes
1 answer

Pytorch Weight Initialization problem for DCGAN

I am trying to create a generator for DCGAN and initialize custom weights. In the Pytorch tutorial, the code is given as below: # Generator Code class Generator(nn.Module): def __init__(self, ngpu): super(Generator, self).__init__() …
Nafees
  • 47
  • 1
  • 1
  • 7
0
votes
1 answer

I already trained a large data set in jupyter notebook using vs-code. How can I save the trained dataset.?

This is the information about the trained dataset It took me 24 hrs to train the whole dataset. I guess its fully trained but its still showing (1150/1583). Nevertheless how can I save my progress so that I don't have to retrain I tried saving the…
0
votes
0 answers

Why does this code nest a keras Sequential model within a keras Functional model?

I'm very confused as to why a sequential model (model = keras.Sequential()) is being nested within "Model" (a functional model from keras) in the last line & that's what is being returned. Why not just create a sequential model with something like…
srv_77
  • 547
  • 1
  • 8
  • 20
0
votes
0 answers

Creating a training loop for a Conditional DCGAN, using the CelebA dataset and PyTorch

I've been working for the past 4 months with a partner on a machine learning project using the CelebA dataset. Our next step in the project is to create a Conditional DCGAN that would receive 40 labels for each class in the dataset, as either a 0…
0
votes
0 answers

How can I get my TensorFlow GAN output to not be fuzzy?

Loss Output Epoch 996 Output I have been working on a deep convolutional generative adversarial network (DCGAN) that generates pictures of cats (RGB, 64x64 pixels). It seems to learn rather quickly, as it is clear the images are cats by around the…
0
votes
1 answer

DCGAN, Pytorch and Numpy files

I am a Pytorch newbie and am very interested in using the DCGAN architecture to feed in .npy files and hopefully generate new .npy files. The shape of the numpy files is (128, 7752). Could anyone help me disect the DCGAN architecture to try and…