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
5
votes
1 answer

How to increase the size of deconv2d filters for a fixed data size?

I am trying to adjust this DCGAN code to be able to work with 2x80 data samples. All generator layers are tf.nn.deconv2d other than h0, which is ReLu. Generator filter sizes per level are currently: Generator: h0: s_h16 x s_w16: 1 x 5 Generator:…
Massyanya
  • 2,844
  • 8
  • 28
  • 37
4
votes
1 answer

RuntimeError: Error(s) in loading state_dict for Generator: Missing key(s) in state_dict

I was trying to train a DCGAN model using MNIST datasets, but I can't load the gen.state_dict() after I finished training. import torch import torch.nn as nn import torchvision.datasets as datasets import torchvision.transforms as transforms from…
Jacky Lin
  • 57
  • 1
  • 6
4
votes
2 answers

DCGANs: discriminator getting too strong too quickly to allow generator to learn

I am trying to use this version of the DCGAN code (implemented in Tensorflow) with some of my data. I run into the problem of the discriminator becoming too strong way too quickly for generator to learn anything. Now there are some tricks typically…
Massyanya
  • 2,844
  • 8
  • 28
  • 37
3
votes
0 answers

DCgAN generates only noises

I'm new to GANs and I have trouble in training DCGAN on mnist, when I was working with GAN with linear layers everything was fine and the generator generates pretty good images. But when I started working with Convolutional GAN, the generator…
3
votes
0 answers

Why nvidia-smi GPU performance is low although it is not used

I am a newbie in GPU based training and Deep learning models. I am running cDCGAN (Conditonal DCGAN) in tensorflow on my 2 Nvidia GTX 1080 GPU's. My data-set consists of around 32,0000 images with size 64*64 and 2350 class labels. My batch size is…
Ammar Ul Hassan
  • 826
  • 1
  • 18
  • 48
3
votes
1 answer

tensorflow.python.framework.errors_impl.InternalError: Dst tensor is not initialized

I am following this Link to implement a cDCGAN on my own dataset. My dataset contains almost 391510 images. The image size of my dataset is 64 whereas the MNIST used in this link is 28. My dataset has 2350 labels where as the MNIST dataset has…
Ammar Ul Hassan
  • 826
  • 1
  • 18
  • 48
3
votes
1 answer

ValueError: cannot reshape array of size 235000 into shape (100,64,64,2350)

I am trying to implement a cDCGAN. My dataset has 2350 num_classes, batch_size is 100, image size is 64 (rows=64, cols=64, channels=1), z_shape is 100 My placeholders for values are as follows. self.phX = tf.placeholder(tf.float32, [None,…
Ammar Ul Hassan
  • 826
  • 1
  • 18
  • 48
2
votes
0 answers

Convert Conv2Dtranspose into Upsample and conv in generator layer Pytorch

I'm working with GANs and I was getting artifacts and the best way to remove them is to change the generator blocks conv2dtranspose into an upsample and a convolution as suggested by many papers. I'm trying to generate ASL hand symbols via my…
2
votes
0 answers

How can I complete WGAN training network?

I was using DCGAN for synthesizing medical images(512*512). However, at the moment, DCGAN is too unstable. Therefore, I am trying to change my DCGAN network to WGAN. This link is my original code for the DCGAN network. How to increase image_size in…
Gun Ahn
  • 31
  • 3
2
votes
2 answers

Getting a ValueError for 2 inputs into a DCGAN with Tensorflow/Keras

So I'm trying to follow the DCGAN guide for image generation on tensorflow https://www.tensorflow.org/tutorials/generative/dcgan , and I have the code replicated pretty closely, just changing the dataset to one that I want to use. Whenever I try to…
adestin
  • 21
  • 1
2
votes
2 answers

Cannot compute ConcatV2 as input #1(zero-based) was expected to be a float tensor but is a double tensor [Op:ConcatV2] name: concat

Import Libraries %matplotlib inline import tensorflow as tf from tensorflow import keras import numpy as np import plot_utils import matplotlib.pyplot as plt from tqdm import tqdm print('Tensorflow version:', tf.__version__) Task 3: Create Batches…
2
votes
1 answer

How can I fix this expected CUDA got CPU error in PyTorch?

I've been struggling to find what's wrong in my code. I'm trying to implement DCGAN paper and from the past 2 days, I'm going through these errors. Could anyone please help me fix this? I'm training this on Google colab with GPU runtime but I'm…
2
votes
1 answer

How can I track the loss of a DCGAN

I'm following this https://www.tensorflow.org/tutorials/generative/dcgan#the_discriminator but i'm using my own pictures. I wanted someway to look at loss, accuracy, and/or anything else that might be useful to look at in order to optimize the…
2
votes
0 answers

Discriminator gradients are all zeros while training a Conditional GAN in TensorFlow

[Update: I'm not getting all zero gradients for the discriminator now. There might be some issue with my architecture or initialization of the layers. I'll try to fix it.] I'm trying to train a conditional GAN in TensorFlow for image synthesis using…
2
votes
3 answers

Poor Result with BatchNormalization

I have been trying to implement the DCGan, the face book's paper, and blocked by below two issues almost for 2 weeks. Any suggestions would be appreciated. Thanks. Issue 1: DCGAN paper suggest to use BN(Batch Normalization) both the generator and…
1
2 3 4 5 6