generative-adversarial-network Questions

3

I have generated a music file for the first time. The music file type is "IPython.lib.display.Audio". I wanted to export it from colab to my local drive.I couldn't find any solution from google. Pl...
Glossary asked 25/12, 2019 at 22:41

3

I was looking at CycleGAN's official pytorch implementation and there, author chained the parameters of both networks and used a single optimizer for both network. How does this work? Is it better ...

3

Solved

I am using pytorch-1.5 to do some gan test. My code is very simple gan code which just fit the sin(x) function: import torch import torch.nn as nn import numpy as np import matplotlib.pyplot as pl...

1

I have the following goal, which I have been trying to achieve with the Huggingface Library but I encountered some roadblocks. The Problem: I want to generate sentences in a differentiable way at t...

2

I have trained a GAN to reproduce CIFAR10 like images. Initially I notice all images cross one batch produced by the generator look always the same, like the picture below: After hours of debuggin...

2

I am working on an OCR system. A challenge that I'm facing for recognizing the text within ROI is due to the shakiness or motion effect shot or text that is not focus due to angle positions. Please...

1

I would like to fine tune a pre-trained GAN available online using my own images. For example, BigGAN, which was trained on ImageNet, can generate realistic images. However, I do not want to genera...

2

I'm trying to create GAN model. This is my discriminator.py import torch.nn as nn class D(nn.Module): feature_maps = 64 kernel_size = 4 stride = 2 padding = 1 bias = False inplace = True de...

1

Solved

I am trying to implement the Unrolled GAN model as described here, with example code. However, it was implemented using TF1, and I have been doing my best to update it but I am relatively new to py...
Hemistich asked 9/6, 2021 at 10:14

1

I created a simple DCGAN with 6 layers and trained it on CelebA dataset (a portion of it containing 30K images). I noticed my network generated images are dimmed looking and as the network trains m...
Recover asked 19/7, 2019 at 20:18

5

Solved

I am new to GAN. I am learning to model GAN to generate images,however I don't really understand what exactly is the random noise given to the generator. Is it random numbers from 0 to 1 and what s...

2

Solved

I'm currently training a WGAN in keras with (approx) Wasserstein loss as below: def wasserstein_loss(y_true, y_pred): return K.mean(y_true * y_pred) However, this loss can obviously be negative...

0

Im currently working on 3D-GAN with FMRI Datasets.I referred the codes from github , https://github.com/cyclomon/3dbraingen/blob/master/VAEGAN_ADNI_train.ipynb And the error that I have never seen ...
Measles asked 22/2, 2021 at 6:56

1

Solved

I'm tried to implement basic GAN in Keras, based on this implementation. If I sample points on parabola GAN is converges and able to produce samples from this distribution, but if for example I sam...

1

Solved

Introduction: I am trying to get a CDCGAN (Conditional Deep Convolutional Generative Adversarial Network) to work on the MNIST dataset which should be fairly easy considering that the library (PyTo...
Recompense asked 26/2, 2020 at 19:47

2

Solved

I installed the mtcnn package, as can be seen: # confirm mtcnn was installed correctly import mtcnn # print version print(mtcnn.__version__) Result: 0.0.9 Then I use the following: # prepare...
Nonprofessional asked 15/8, 2019 at 20:14

1

Solved

I am trying to implement StyleGAN with TensorFlow version 2 and I have no idea how to do an equalized learning rate. I tried to scale gradients this way: def equalize_in_list(datalist): for i in r...
Hushaby asked 31/1, 2020 at 23:0

2

In my understanding an epoch is an arbitrarily often repeated run over the whole dataset, which in turn is processed in parts, so called batches. After each train_on_batch a loss is calculated, the...
Affirmatory asked 5/1, 2019 at 16:23

2

I would like to change the input and output signatures of the model saved, I used tf.Module objects to build the operations of the main model. class Generator(tf.Module): def __init__(....): sup...
Correspondent asked 2/12, 2019 at 15:27

1

Solved

I am attempting to train a GAN to learn the distribution of a number of features in an event. The Discriminator and Generator trained have a low loss but the generated events have different shaped ...
Lederer asked 12/3, 2020 at 16:26

2

Solved

I am working on WGAN and would like to implement WGAN-GP. In its original paper, WGAN-GP is implemented with a gradient penalty because of the 1-Lipschitiz constraint. But packages out there like ...

0

I am trying to save a GAN model so that I can continue the training later. Basically I am saving the discriminator and generator separately after the training loop, with these commands: discrimin...

2

Solved

I have been playing around with StyleGAN and I have generated a dataset but I get the following when I try to run train.py. Output: C:\Users\MyName\Desktop\StyleGan\stylegan-master>python train....

1

Solved

Recently I read a paper and they cited these two problems when training GANs. I know about mode collapsing, where the generator produces a limited varieties of samples, however I did not find a goo...

1

I am working with code from here (paper here) that creates a GAN. I am trying to apply this to a new domain, switching from their application on MNIST to 3D brain MRI images. My issue is in the def...

© 2022 - 2024 — McMap. All rights reserved.