Image-to-Image Translation with Conditional Adversarial Networks Phillip Isola, Jun-Yan Zhu, Tinghui Zhou, Alexei A. Efros CVPR, 2017. On some tasks, decent results can be obtained fairly quickly and on small datasets. For example, to learn to generate facades (example shown above), we trained on just 400 images for about 2 hours (on a single Pascal Titan X GPU). However, for harder problems it may be important to train on far larger datasets, and for many hours or even days.
computer-vision computer-graphics gan pix2pix dcgan generative-adversarial-network deep-learning image-generation image-manipulation image-to-image-translation[Project] [Youtube] [Paper] A research prototype developed by UC Berkeley and Adobe CTL. Latest development: [pix2pix]: Torch implementation for learning a mapping from input images to output images. [CycleGAN]: Torch implementation for learning an image-to-image translation (i.e. pix2pix) without input-output pairs. [pytorch-CycleGAN-and-pix2pix]: PyTorch implementation for both unpaired and paired image-to-image translation.
generative-adversarial-network image-manipulation computer-graphics computer-vision gan pix2pix dcgan deep-learningTensorflow implementation of Deep Convolutional Generative Adversarial Networks which is a stabilize Generative Adversarial Networks. The referenced torch code can be found here.
tensorflow dcgan gan generative-modelAll have been tested with python2.7+ and tensorflow1.0+ in linux. The final layer can be sigmoid(data: [0,1]) or tanh(data:[-1,1]), my codes all use sigmoid. Using weights_initializer=tf.random_normal_initializer(0, 0.02) will converge faster.
gan dcgan wasserstein-gan infogan adversarial-netsIf you could successfully run the above demo, run following steps to train your own context encoder model for image inpainting. Features for context encoder trained with reconstruction loss.
image-inpainting context-encoders unsupervised-learning machine-learning generative-adversarial-network deep-learning computer-vision gan dcgan computer-graphicsThis package is part of the Kadenze Academy program Creative Applications of Deep Learning w/ TensorFlow. from cadl import and then pressing tab to see the list of available modules.
deep-learning neural-network tutorial mooc gan vae vae-gan pixelcnn wavenet magenta nsynth tensorflow celeba cyclegan dcgan word2vec glove autoregressive conditional courseThis repository collects chainer implementation of state-of-the-art GAN algorithms. These codes are evaluated with the inception score on Cifar-10 dataset. Note that our codes are not faithful re-implementation of the original paper. This implementation has been tested with the following versions.
deep-learning generative-adversarial-network dcgan wgan-gpUnsupervised Anomaly Detection with Generative Adversarial Networks on MIAS dataset
deep-learning dcgan gan anomaly-detection* indicating equal contributions. Implementation of proposed cost function and backpropogation to input.
tensorflow inpaint image-processing dcgan gan deep-learning generative-adversarial-network generative-modelThis is a short implementation of a Conditional DCGAN, however if you need a cDCGAN for real-world use cases, please consider using a more serious implementation. Here can be seen a cDCGAN trained on CIFAR-10 using the same networks architectures I used for MNIST, obviously it shows that we need to be careful when designing the architecture. It works better using more filters.
tensorflow dcgan mnist machinelearning shabteamThis repository contains code to instantiate and deploy an image completer model. The goal is to fill in missing or corrupted parts of an image. This model uses Deep Convolutional Generative Adversarial Networks (DCGAN) to fill the missing regions in an image. The model is trained on the celebA dataset and works best for completing corrupted portions of a human face. Input to the model is an image containing a single corrupted face. The OpenFace face recognition tool will detect and extract the corrupted face from the input image. This extracted face is then passed to the OpenFace alignment tool where it is aligned (inner eyes with bottom lip) and resized (64 x 64) producing an output that can be used by the model to fill the corrupted portions. The output is a collage of 20 images, in a 4x5 grid, representing the intermediate results and final completed image (bottom-right). The model is based on the Tensorflow implementation of DCGAN. The model weights are hosted on IBM Cloud Object Storage. The code in this repository deploys the model as a web service in a Docker container. This repository was developed as part of the IBM Developer Model Asset Exchange.
docker-image machine-learning machine-learning-models tensorflow dcgan-tensorflow dcganThis is a PyTorch implementation of 'prediction method' introduced in the following paper ... You can find more images at the following issues.
gan dcgan optimizer pytorch stabilizing-adversarial-nets prediction-methods pytorch-implTensorflow implementation of different GANs and their comparisions
gan gan-implementations evaluation celeba mnist madgan dcgan began wgan gang-of-gansGenerating sign language images with DCGAN using our own Sign Language Dataset.
keras tensorflow gan dcgan deep-learning machine-learningA DCGAN that generate Cat pictures 🐱💻
dcgan dcgan-tensorflow deep-learning cats tensorflow ganIf you are sure all the libraries in requirements.txt are installed, go to $ python main.py ...
dcgan dcgan-tensorflow dcgan-mnist-tutorial tensorflow tensorflow-models linux-kernel generative-adversarial-network gan generative-adversarial-networksImplementation of DCGAN with TensorFlow slim. Base codes and models are from DCGAN in Tensorflow made by Taehoon Kim. At this time, this code only support Flower dataset, but maybe with some tweaks you can train/evaluate in other dataset. I know there are lots of code of DCGAN, especially made by Taehoon Kim. However, this code implement DCGAN with the bleeding edges features of TensorFlow such as TF-Slim, tf.train.Supervisor and TFRecords etc.
dcgan tensorflowAll have been tested with python2.7+ and tensorflow1.0+ in linux. The generated results are shown in the end of this page.
gan-theories wgan dcgan began ebgan
We have large collection of open source products. Follow the tags from
Tag Cloud >>
Open source products are scattered around the web. Please provide information
about the open source projects you own / you use.
Add Projects.