Topic: "dcgan"
phillipi/pix2pix
Image-to-image translation with conditional adversarial nets
Language: Lua - Size: 2.38 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 10,358 - Forks: 1,722

carpedm20/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
Language: JavaScript - Size: 76.2 MB - Last synced at: 15 days ago - Pushed at: over 4 years ago - Stars: 7,169 - Forks: 2,624

junyanz/iGAN
Interactive Image Generation via Generative Adversarial Networks
Language: Python - Size: 9.35 MB - Last synced at: 7 days ago - Pushed at: almost 5 years ago - Stars: 4,000 - Forks: 588

yfeng95/GAN
Resources and Implementations of Generative Adversarial Nets: GAN, DCGAN, WGAN, CGAN, InfoGAN
Language: Python - Size: 12.6 MB - Last synced at: 14 days ago - Pushed at: over 7 years ago - Stars: 3,005 - Forks: 799

tjwei/GANotebooks
wgan, wgan2(improved, gp), infogan, and dcgan implementation in lasagne, keras, pytorch
Language: Jupyter Notebook - Size: 246 MB - Last synced at: 13 days ago - Pushed at: over 7 years ago - Stars: 1,497 - Forks: 369

jacobgil/keras-dcgan
Keras implementation of Deep Convolutional Generative Adversarial Networks
Language: Python - Size: 832 KB - Last synced at: 13 days ago - Pushed at: almost 8 years ago - Stars: 978 - Forks: 412

GANs-in-Action/gans-in-action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Language: Jupyter Notebook - Size: 80.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 968 - Forks: 413

moemen95/Pytorch-Project-Template
A scalable template for PyTorch projects, with examples in Image Segmentation, Object classification, GANs and Reinforcement Learning.
Language: Python - Size: 164 KB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 902 - Forks: 192

pathak22/context-encoder
[CVPR 2016] Unsupervised Feature Learning by Image Inpainting using GANs
Language: Lua - Size: 6.14 MB - Last synced at: 12 days ago - Pushed at: almost 5 years ago - Stars: 898 - Forks: 201

GoogleCloudPlatform/keras-idiomatic-programmer π¦
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Language: Jupyter Notebook - Size: 94.6 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 817 - Forks: 282

kozistr/Awesome-GANs
Awesome Generative Adversarial Networks with tensorflow
Language: Python - Size: 81.6 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 763 - Forks: 163

kwotsin/mimicry
[CVPR 2020 Workshop] A PyTorch GAN library that reproduces research results for popular GANs.
Language: Python - Size: 17 MB - Last synced at: 13 days ago - Pushed at: almost 3 years ago - Stars: 609 - Forks: 62

znxlwm/pytorch-MNIST-CelebA-GAN-DCGAN
Pytorch implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Networks (DCGAN) for MNIST and CelebA datasets
Language: Python - Size: 17.3 MB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 527 - Forks: 145

amanchadha/coursera-gan-specialization
Programming assignments and quizzes from all courses within the GANs specialization offered by deeplearning.ai
Language: Jupyter Notebook - Size: 136 MB - Last synced at: 11 days ago - Pushed at: almost 4 years ago - Stars: 471 - Forks: 326

khanrc/tf.gans-comparison
Implementations of (theoretical) generative adversarial networks and comparison without cherry-picking
Language: Python - Size: 7.72 MB - Last synced at: 10 days ago - Pushed at: about 7 years ago - Stars: 466 - Forks: 73

LynnHo/DCGAN-LSGAN-WGAN-GP-DRAGAN-Tensorflow-2
Reimplementation of GANs
Language: Python - Size: 15.7 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 421 - Forks: 104

pfnet-research/chainer-gan-lib
Chainer implementation of recent GAN variants
Language: Python - Size: 69.5 MB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 408 - Forks: 84

aleju/cat-generator
Generate cat images with neural networks
Language: Lua - Size: 1.12 MB - Last synced at: 16 days ago - Pushed at: over 7 years ago - Stars: 374 - Forks: 65

pkmital/pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Language: Python - Size: 641 KB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 366 - Forks: 67

Yangyangii/GAN-Tutorial
Simple Implementation of many GAN models with PyTorch.
Language: Jupyter Notebook - Size: 3.44 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 349 - Forks: 103

tensorlayer/DCGAN
The Simplest DCGAN Implementation
Language: Python - Size: 2.03 MB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 341 - Forks: 115

omerbsezer/Generative_Models_Tutorial_with_Demo π¦
Generative Models Tutorial with Demo: Bayesian Classifier Sampling, Variational Auto Encoder (VAE), Generative Adversial Networks (GANs), Popular GANs Architectures, Auto-Regressive Models, Important Generative Model Papers, Courses, etc..
Language: Jupyter Notebook - Size: 12.9 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 335 - Forks: 41

LeeDoYup/AnoGAN-tf
Unofficial Tensorflow Implementation of AnoGAN (Anomaly GAN)
Language: Python - Size: 723 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 264 - Forks: 96

MingtaoGuo/DCGAN_WGAN_WGAN-GP_LSGAN_SNGAN_RSGAN_BEGAN_ACGAN_PGGAN_TensorFlow
Implementation of some different variants of GANs by tensorflow, Train the GAN in Google Cloud Colab, DCGAN, WGAN, WGAN-GP, LSGAN, SNGAN, RSGAN, RaSGAN, BEGAN, ACGAN, PGGAN, pix2pix, BigGAN
Language: Python - Size: 2.13 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 229 - Forks: 57

koba-jon/pytorch_cpp
Deep Learning sample programs using PyTorch in C++
Language: C++ - Size: 870 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 225 - Forks: 49

w86763777/pytorch-gan-collections
PyTorch implementation of DCGAN, WGAN-GP and SNGAN.
Language: Python - Size: 1.52 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 225 - Forks: 39

gsurma/image_generator
DCGAN image generator πΌοΈ.
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 218 - Forks: 82

mafda/generative_adversarial_networks_101
Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.
Language: Jupyter Notebook - Size: 16.1 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 209 - Forks: 79

gsurma/face_generator
DCGAN face generator π§.
Language: Jupyter Notebook - Size: 9.33 MB - Last synced at: 29 days ago - Pushed at: almost 4 years ago - Stars: 203 - Forks: 69

simoninithomas/CatDCGAN
A DCGAN that generate Cat pictures π±βπ»
Language: Jupyter Notebook - Size: 34.4 MB - Last synced at: 25 days ago - Pushed at: about 4 years ago - Stars: 203 - Forks: 68

zcemycl/Matlab-GAN
MATLAB implementations of Generative Adversarial Networks -- from GAN to Pixel2Pixel, CycleGAN
Language: MATLAB - Size: 124 MB - Last synced at: 9 days ago - Pushed at: about 2 years ago - Stars: 198 - Forks: 86

csinva/gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Language: Jupyter Notebook - Size: 98.4 MB - Last synced at: 12 days ago - Pushed at: 4 months ago - Stars: 192 - Forks: 49

yfeng95/GAN_Theories
Resources and Implementations of Generative Adversarial Nets which are focusing on how to stabilize training process and generate high quality images: DCGAN, WGAN, EBGAN, BEGAN, etc.
Language: Python - Size: 860 KB - Last synced at: 23 days ago - Pushed at: about 8 years ago - Stars: 189 - Forks: 46

LynnHo/DCGAN-LSGAN-WGAN-GP-DRAGAN-Pytorch π¦
DCGAN LSGAN WGAN-GP DRAGAN PyTorch
Language: Python - Size: 14.8 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 180 - Forks: 41

saikatbsk/ImageCompletion-DCGAN
Image completion using deep convolutional generative adversarial nets in tensorflow
Language: Jupyter Notebook - Size: 104 MB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 177 - Forks: 50

znxlwm/tensorflow-MNIST-GAN-DCGAN
Tensorflow implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Netwokrs for MNIST dataset.
Language: Python - Size: 18.6 MB - Last synced at: 12 days ago - Pushed at: 3 months ago - Stars: 174 - Forks: 91

moodoki/semantic_image_inpainting
Semantic Image Inpainting
Language: Python - Size: 585 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 163 - Forks: 55

sugyan/tf-dcgan
DCGAN implementation by TensorFlow
Language: Python - Size: 19.5 KB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 157 - Forks: 50

maxorange/voxel-dcgan
A deep generative model of 3D volumetric shapes
Language: Python - Size: 87.6 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 144 - Forks: 34

FelixMohr/Deep-learning-with-Python π¦
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: 5 months ago - Pushed at: about 7 years ago - Stars: 139 - Forks: 106

zalandoresearch/psgan
Periodic Spatial Generative Adversarial Networks
Language: Jupyter Notebook - Size: 149 MB - Last synced at: 10 days ago - Pushed at: over 6 years ago - Stars: 138 - Forks: 33

Cohere-Labs-Community/CipherGAN
TensorFlow implementation of CipherGAN
Language: Python - Size: 38.1 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 122 - Forks: 25

seangal/dcgan_vae_pytorch
dcgan combined with vae in pytorch!
Language: Python - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 115 - Forks: 32

sanghoon/tf-exercise-gan
Tensorflow implementation of different GANs and their comparisions
Language: Python - Size: 9.99 MB - Last synced at: 1 day ago - Pushed at: over 7 years ago - Stars: 112 - Forks: 32

zalandoresearch/spatial_gan
Spatial Generative Adversarial Networks
Language: Python - Size: 35.8 MB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 111 - Forks: 32

xtarx/Unsupervised-Anomaly-Detection-with-Generative-Adversarial-Networks
Unsupervised Anomaly Detection with Generative Adversarial Networks on MIAS dataset
Language: Python - Size: 221 KB - Last synced at: 6 months ago - Pushed at: almost 8 years ago - Stars: 103 - Forks: 35

wangguanan/Pytorch-Basic-GANs
Simple Pytorch implementations of most used Generative Adversarial Network (GAN) varieties.
Language: Python - Size: 3.7 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 101 - Forks: 21

krishk97/ECE-C247-EEG-GAN π¦
GAN and VAE implementations to generate artificial EEG data to improve motor imagery classification. Data based on BCI Competition IV, datasets 2a. Final project for UCLA's EE C247: Neural Networks and Deep Learning course.
Language: Jupyter Notebook - Size: 6.3 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 100 - Forks: 35

archsyscall/GANs-TensorFlow2
π Variants of GANs most easily implemented as TensorFlow2. GAN, DCGAN, LSGAN, WGAN, WGAN-GP, DRAGAN, ETC...
Language: Python - Size: 96.6 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 95 - Forks: 24

musyoku/wasserstein-gan
Chainer implementation of Wasserstein GAN
Language: Python - Size: 56.6 KB - Last synced at: 2 months ago - Pushed at: about 8 years ago - Stars: 95 - Forks: 9

malzantot/Pytorch-conditional-GANs
Implementation of Conditional Generative Adversarial Networks in PyTorch
Language: Python - Size: 76.2 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 90 - Forks: 22

richardwth/MMD-GAN
Improving MMD-GAN training with repulsive loss function
Language: Python - Size: 26.9 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 89 - Forks: 19

Natsu6767/DCGAN-PyTorch
PyTorch Implementation of DCGAN trained on the CelebA dataset.
Language: Python - Size: 100 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 81 - Forks: 25

Hellcatzm/DCGAN_TensorFlow
ιθΏDCGANηζε¨ζΌ«δΊΊη©ε€΄ε
Language: Python - Size: 1.46 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 79 - Forks: 19

Stream-AD/ExGAN
Adversarial Generation of Extreme Samples
Language: Python - Size: 26.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 74 - Forks: 17

Tejas-Nanaware/GAN-Anime-Characters
Creating Anime Faces using Generative Adversarial Networks (GAN) techniques such as: DCGAN, WGAN, StyleGAN, StyleGAN2 and StyleGAN3. Top repos on GitHub for AnimeFace GAN Generative AI Models
Language: Jupyter Notebook - Size: 2.09 GB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 72 - Forks: 9

shaohua0116/DCGAN-Tensorflow
A Tensorflow implementation of Deep Convolutional Generative Adversarial Networks trained on Fashion-MNIST, CIFAR-10, etc.
Language: Python - Size: 74.5 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 72 - Forks: 30

bchao1/Anime-Generation
π¨ Anime generation with GANs.
Language: Python - Size: 15.1 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 70 - Forks: 7

Kyushik/Generative-Model
Repository for implementation of generative models with Tensorflow 1.x
Language: Jupyter Notebook - Size: 209 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 69 - Forks: 8

andreaferretti/ganzo
A GAN framework
Language: Python - Size: 839 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 66 - Forks: 10

christopher-beckham/hologan-pytorch
Non-official + minimal reimplementation of HoloGAN by Nguyen-Phuoc, et al: https://arxiv.org/abs/1904.01326
Language: Python - Size: 4.69 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 65 - Forks: 7

chen0040/keras-text-to-image
Translate text to image in Keras using GAN and Word2Vec as well as recurrent neural networks
Language: Python - Size: 10.9 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 64 - Forks: 32

tensorfreitas/DCGAN-for-Bird-Generation
DCGAN and WGAN implementation on Keras for Bird Generation
Language: Python - Size: 46.6 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 63 - Forks: 21

FangYang970206/Anime_GAN
GAN models with Anime.
Language: Python - Size: 2.67 MB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 62 - Forks: 17

sileixinhua/BeautifulGirls
η¬θ«+θΈι¨θ―ε«+DCGANθΈι¨θͺε¨ηζ
Language: Python - Size: 74.1 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 61 - Forks: 23

xinario/catgan_pytorch
Unsupervised and Semi-supervised Learning with Categorical Generative Adversarial Networks
Language: Python - Size: 6.23 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 61 - Forks: 17

togheppi/cDCGAN
PyTorch implementation of Conditional Deep Convolutional Generative Adversarial Networks (cDCGAN)
Language: Python - Size: 15.8 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 60 - Forks: 19

kvpratama/gan
Various GAN Model
Language: Python - Size: 616 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 59 - Forks: 33

xiaohuiduan/dcgan_anime_avatars
εΊδΊkerasδ½Ώη¨dcganθͺε¨ηζε¨ζΌ«ε€΄ε
Language: Jupyter Notebook - Size: 169 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 57 - Forks: 15

nashory/gans-collection.torch
Torch implementation of various types of GAN (e.g. DCGAN, ALI, Context-encoder, DiscoGAN, CycleGAN, EBGAN, LSGAN)
Language: Lua - Size: 260 KB - Last synced at: 22 days ago - Pushed at: over 7 years ago - Stars: 54 - Forks: 14

musyoku/LSGAN
Chainer implementation of Least Squares GAN (LSGAN)
Language: Python - Size: 41 KB - Last synced at: 2 months ago - Pushed at: about 8 years ago - Stars: 53 - Forks: 14

huseinzol05/Deep-Learning-Tensorflow π¦
Gathers Tensorflow deep learning models.
Language: Jupyter Notebook - Size: 112 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 51 - Forks: 39

SabareeshIyer/Brain-tumor-detection-in-3D-MRIs-using-DCGAN
Using DCGAN for segmenting brain tumors from brain image scans
Language: Python - Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 51 - Forks: 26

jk96491/Advanced_Models
μ¬λ¬κ°μ§ μ λͺ ν μ κ²½λ§ λͺ¨λΈλ€μ μ 곡ν©λλ€. (DCGAN, VAE, Resnet λ±λ±)
Language: Python - Size: 1.98 MB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 50 - Forks: 13

togheppi/DCGAN
PyTorch implementation of DCGAN
Language: Python - Size: 7.87 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 48 - Forks: 20

yashk2810/DCGAN-Keras
Deep Convolutional Generative Adverserial Networks
Language: Jupyter Notebook - Size: 4.01 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 46 - Forks: 20

erilyth/DCGANs
Implementation of some basic GAN architectures in Keras
Language: Python - Size: 1.32 GB - Last synced at: 12 months ago - Pushed at: almost 8 years ago - Stars: 45 - Forks: 24

HaoRan-hash/DCGAN
Generate flowers, cartoon head, celeba faces
Language: Python - Size: 6.29 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 44 - Forks: 4

gaborvecsei/CDCGAN-Keras
Conditional Deep Convolutional GAN
Language: Jupyter Notebook - Size: 7.25 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 42 - Forks: 10

victordibia/tpuDCGAN
Train DCGAN with TPUs on Google Cloud
Language: Python - Size: 6.51 MB - Last synced at: about 14 hours ago - Pushed at: over 6 years ago - Stars: 39 - Forks: 6

Cr33zz/Neuro_
C++ implementation of neural networks library with Keras-like API. Contains majority of commonly used layers, losses and optimizers. Supports sequential and multi-input-output (flow) models. Supports single CPU, Multi-CPU and GPU tensor operations (using cuDNN and cuBLAS).
Language: C++ - Size: 238 MB - Last synced at: about 3 hours ago - Pushed at: about 4 years ago - Stars: 38 - Forks: 8

franknb/Self-attention-DCGAN
An application of Self-Attention GANs and DCGAN on mnist dataset.
Language: Jupyter Notebook - Size: 138 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 38 - Forks: 6

kok202/ApolloGAN
[pytorch] music generation project by GAN network
Language: Python - Size: 10.7 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 36 - Forks: 5

fonfonx/dcgan-inpainting.torch
Image completion with Torch
Language: Lua - Size: 155 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 35 - Forks: 6

musyoku/improved-gan
Chainer implementation of GAN / Deep Convolutional GAN (DCGAN) based on "Improved Techniques for Training GANs"
Language: Python - Size: 92.8 KB - Last synced at: 2 months ago - Pushed at: over 8 years ago - Stars: 33 - Forks: 8

msurtsukov/generative-models-collection
PyTorch implemented generative models for CelebA dataset: DCGAN, LSGAN, WGAN, WGANGP, InfoGAN, BEGAN, VAE, VAEGAN
Language: Python - Size: 151 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 32 - Forks: 7

floydhub/dcgan
Porting pytorch dcgan on FloydHub
Language: Python - Size: 3.15 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 32 - Forks: 12

sanghoon/prediction_gan
PyTorch Impl. of Prediction Optimizer (to stabilize GAN training)
Language: Python - Size: 25.4 KB - Last synced at: 1 day ago - Pushed at: almost 7 years ago - Stars: 31 - Forks: 7

benckx/DCGAN-for-psychonauts
Use DCGAN to create trippy videos
Language: Python - Size: 76.3 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 26 - Forks: 3

nikhilroxtomar/DCGAN-on-Anime-Faces
The respository contains the code for the Deep Convolutional Generative Adversarial Network (DCGAN) trained on the anime faces dataset.
Language: Python - Size: 50 MB - Last synced at: about 9 hours ago - Pushed at: over 4 years ago - Stars: 26 - Forks: 12

eyyub/tensorflow-cdcgan
A short Conditional DCGAN tensorflow implementation.
Language: Python - Size: 7.98 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 25 - Forks: 5

dmonn/GAN-face-generator
Generate Faces using GANs (Part of Udacity's DLFND)
Language: HTML - Size: 7.43 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 25 - Forks: 8

bowenc0221/MXNet-GAN
MXNet Implementation of DCGAN, Conditional GAN, pix2pix
Language: Python - Size: 1.55 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 9

germain-hug/GANs-Keras
GANs Implementations in Keras
Language: Python - Size: 442 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 24 - Forks: 5

last-one/DCGAN-Pytorch
A Pytorch implementation of "Deep Convolutional Generative Adversarial Networks"
Language: Python - Size: 21.6 MB - Last synced at: 11 months ago - Pushed at: over 7 years ago - Stars: 24 - Forks: 11

rohitkuk/AnimeGAN
Generating Anime Images by Implementing Deep Convolutional Generative Adversarial Networks paper
Language: Python - Size: 89.3 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 23 - Forks: 4

sutd-visual-computing-group/Fourier-Discrepancies-CNN-Detection
[CVPR 2021: Oral] In this work, we show that high frequency Fourier spectrum decay discrepancies are not inherent characteristics for existing CNN-based generative models.
Language: Python - Size: 2.99 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 23 - Forks: 5

thtang/ADLxMLDS2017
Deep learning works for ADLxMLDS (CSIE 5431) in NTU
Language: Python - Size: 259 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 23 - Forks: 8

HyeongminLEE/Tensorflow_DCGAN
Study Friendly Implementation of DCGAN in Tensorflow
Language: Python - Size: 420 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 23 - Forks: 12

Tandon-A/Image-Editing-using-GAN
Developing an image editing application to edit images to have a desired attribute using Generative Adversarial Networks(DCGAN and CycleGAN) (https://tandon-a.github.io/Image-Editing-using-GAN/)
Language: Python - Size: 4.53 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 23 - Forks: 9
