Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Generative Adversarial Network
Generative adversarial networks (GAN) are a class of generative machine learning frameworks. A GAN consists of two competing neural networks, often termed the Discriminator network and the Generator network. GANs have been shown to be powerful generative models and are able to successfully generate new data given a large enough training dataset.
- GitHub: https://github.com/topics/generative-adversarial-network
- Wikipedia: https://en.wikipedia.org/wiki/Generative_adversarial_network
- Released: June 10, 2014
- Related Topics: deep-learning, neural-network,
- Aliases: gan, generative-adversarial-networks,
- Last updated: 2025-01-26 00:12:16 UTC
- JSON Representation
https://github.com/iamalexkorotin/Wasserstein2GenerativeNetworks
PyTorch implementation of "Wasserstein-2 Generative Networks" (ICLR 2021)
deep-learning gan generative-adversarial-network optimal-transport pytorch style-transfer
Last synced: 30 Oct 2024
https://github.com/machine-learning-tokyo/poetry-gan
creativity generative-adversarial-network machine-learning nlp research
Last synced: 09 Nov 2024
https://github.com/birdx0810/timegan-pytorch
This repository is a non-official implementation of TimeGAN (Yoon et al., NIPS2019) using PyTorch.
deep-learning generative-adversarial-network hacktoberfest pytorch time-series
Last synced: 30 Oct 2024
https://github.com/AlexiaJM/Generative-model-most-similar-images
Function that output the 5 most similar training (real) images to the given generated (fake) images.
deep-learning gan generative-adversarial-network generator picture
Last synced: 04 Nov 2024
https://github.com/LynnHo/GAN-Papers
GAN papers
gan generative-adversarial-network
Last synced: 02 Nov 2024
https://github.com/alexiajm/generative-model-most-similar-images
Function that output the 5 most similar training (real) images to the given generated (fake) images.
deep-learning gan generative-adversarial-network generator picture
Last synced: 14 Nov 2024
https://github.com/weiji14/deepbedmap
Going beyond BEDMAP2 using a super resolution deep neural network. Also a convenient flat file data repository for high resolution bed elevation datasets around Antarctica.
antarctica bedmap binder chainer data-science deep-neural-network digital-elevation-model flat-file-db generative-adversarial-network glaciology jupyter-notebook optuna pangeo remote-sensing super-resolution
Last synced: 07 Jan 2025
https://github.com/gaborvecsei/cdcgan-keras
Conditional Deep Convolutional GAN
cdcgan dcgan deep-convolutional-networks deep-learning gan generative-adversarial-network keras machine-learning mnist tensorflow
Last synced: 28 Oct 2024
https://github.com/salu133445/dan
Source code for "Towards a Deeper Understanding of Adversarial Losses under a Discriminative Adversarial Network Setting"
generative-adversarial-network machine-learning
Last synced: 29 Oct 2024
https://github.com/allencellmodeling/pytorch_integrated_cell
Integrated Cell project implemented in pytorch
autoencoder cell-analysis cell-biology generative-adversarial-network machine-learning neural-networks python pytorch science-research
Last synced: 09 Nov 2024
https://github.com/mseitzer/srgan
Pytorch implementation of "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"
computer-vision deep-learning gan generative-adversarial-network pytorch super-resolution
Last synced: 14 Oct 2024
https://github.com/maghoumi/deepnag
Deep Non-Adversarial Gesture Generation
deep-learning deep-neural-networks dynamic-time-warping gan generative-adversarial-network gesture-generation pytorch sequence-generation soft-dtw
Last synced: 21 Nov 2024
https://github.com/znxlwm/pytorch-cyclegan
Pytorch implementation of CycleGAN.
cyclegan gan generative-adversarial-network generative-model image-translation pytorch
Last synced: 23 Nov 2024
https://github.com/zhiqiangdon/online-augment
Code for "OnlineAugment: Online Data Augmentation with Less Domain Knowledge" (ECCV 2020)
auto-augment autoaugment automl data-augmentation efficient-training generative-adversarial-network less-domain-knowledge online-augment online-learning pytorch stn vae
Last synced: 05 Dec 2024
https://github.com/sunsided/vae-style-transfer
An experiment in VAE-based artistic style transfer by embedding fiddling.
artificial-intelligence autoencoder cadl deep-learning experiment generative-adversarial-network generative-art image-processing kadenze neural-network online-course tensorflow vae vaegan variational-inference
Last synced: 10 Oct 2024
https://github.com/nashory/progressive-growing-torch
Torch implementation of "PROGRESSIVE GROWING OF GANS FOR IMPROVED QUALITY, STABILITY, AND VARIATION"
celeba generative-adversarial-network high-resolution nvidia progressively-growing-gan unsupervised-learning
Last synced: 19 Nov 2024
https://github.com/zalandoresearch/first_order_gan
Create images and texts with the First Order Generative Adversarial Networks arxiv.org/abs/1802.04591
deep-learning generative-adversarial-network generative-adversarial-networks unsupervised-learning
Last synced: 10 Nov 2024
https://github.com/jonbruner/ezgan
An extremely simple generative adversarial network, built with TensorFlow
gan generative-adversarial-network tensorflow
Last synced: 11 Nov 2024
https://github.com/vishal-v/stackgan
TensorFlow implementation of "Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks" by Han Zhang, et al.
conditioning-augmentation cub-200 gans generative-adversarial-network keras stack-gan tensorflow-2
Last synced: 22 Oct 2024
https://github.com/podgorskiy/stylegancpp
Unofficial implementation of StyleGAN's generator
cpp deep-learning gan generative-adversarial-network stylegan
Last synced: 12 Nov 2024
https://github.com/the-ai-summer/introduction-to-deep-learning-and-neural-networks-course
Code snippets and solutions for the Introduction to Deep Learning and Neural Networks Course hosted in educative.io
ai autoencoders convolutional-neural-networks data-science deep-learning deep-neural-networks generative-adversarial-network graph-neural-networks machine-learning pytorch recurrent-neural-networks transformers
Last synced: 20 Nov 2024
https://github.com/lukasmosser/stochastic_seismic_waveform_inversion
Official Implementation of "Stochastic seismic waveform inversion using generative adversarial networks as a geological prior"
bayesian-inference generative-adversarial-network geophysics machine-learning
Last synced: 08 Nov 2024
https://github.com/lukasmosser/geogan
Conditioning of three-dimensional geological and pore scale generative adversarial networks
conditional-gan generative-adversarial-network geology geophysics hydrology
Last synced: 08 Nov 2024
https://github.com/leocvml/CycleGAN-gluon-mxnet
this repo attemps to reproduce Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks(CycleGAN) use gluon reimplementation
computer-graphics computer-vision cyclegan gan generative-adversarial-network gluon iccv-2017 mxnet
Last synced: 08 Nov 2024
https://github.com/woctezuma/steam-stylegan2
Train a StyleGAN2 model on Colaboratory to generate Steam banners.
colab colab-notebook colaboratory gan generative-adversarial-network google-colab google-colab-notebook google-colaboratory steam steam-api steam-data steam-game steam-games steam-gan steam-pics steam-store style-gan stylegan stylegan-model stylegan2
Last synced: 06 Dec 2024
https://github.com/woctezuma/steam-stylegan2-ada
Train a StyleGAN2-ADA model on Colaboratory to generate Steam banners.
colab colab-notebook colaboratory gan generative-adversarial-network google-colab google-colab-notebook google-colaboratory steam steam-api steam-data steam-game steam-games steam-gan steam-pics steam-store stylegan stylegan-model stylegan2 stylegan2-ada
Last synced: 06 Dec 2024
https://github.com/emadehsan/maze
Generate Mazes of different types and Datasets for Deep Learning (GANs, RL)
dataset deep-learning generative-adversarial-network maze maze-algorithms maze-generation maze-solving python reinforcement-learning visualization
Last synced: 12 Nov 2024
https://github.com/rahulbhalley/deep-learning-in-s4tf
Get started with Swift for TensorFlow by examples
deep-learning deep-neural-networks generative-adversarial-network machine-learning neural-networks s4tf swift swift-examples swift-for-tensorflow tensorflow tensorflow-examples tensorflow-tutorials visualization
Last synced: 10 Oct 2024
https://github.com/memo/py-msa-kdenlive
Python script to load a Kdenlive (OSS NLE video editor) project file, and conform the edit on video or numpy arrays.
deep-learning deep-neural-networks generative-adversarial-network generative-art generative-model human-computer-interaction machine-learning video-editing video-editor
Last synced: 13 Nov 2024
https://github.com/lukasmosser/deepflow
Pytorch implementation of "DeepFlow: History Matching in the Space of Deep Generative Models"
automatic-differentiation gan generative-adversarial-network geophysics partial-differential-equations pytorch
Last synced: 08 Nov 2024
https://github.com/VinAIResearch/CREPS
Efficient Scale-Invariant Generator with Column-Row Entangled Pixel Synthesis (CVPR 2023)
generative-adversarial-network implicit-neural-representation scale-invariance stylegan3
Last synced: 04 Nov 2024
https://github.com/rahulbhalley/gan-qp.pytorch
Unofficial PyTorch implementation of "GAN-QP: A Novel GAN Framework without Gradient Vanishing and Lipschitz Constraint"
generative-adversarial-network lipschitz-functions optimal-transport pytorch
Last synced: 22 Oct 2024
https://github.com/ermongroup/lagvae
Lagrangian VAE
generative-adversarial-network tensorflow variational-autoencoder variational-inference
Last synced: 18 Nov 2024
https://github.com/affromero/smile
SMILE: Semantically-guided Multi-attribute Image and Layout Editing, ICCV Workshops 2021.
deep-fake deep-learning face-manipulation generative-adversarial-network pytorch
Last synced: 16 Dec 2024
https://github.com/zzw922cn/wesinger2
Synthesized singing voice demos of WeSinger 2 paper.
generative-adversarial-network music-generation singing-voice-synthesis speech-synthesis
Last synced: 08 Jan 2025
https://github.com/nisaaragharia/ai-avatars
This repository exploits a finely tuned Stable Diffusion model and the robust DreamBooth framework to generate distinctive and personalizable avatars.
dreambooth fine-tuning generative-adversarial-network generative-art stable-diffusion
Last synced: 23 Nov 2024
https://github.com/chunyuanli/mnist_inception_score
Training a MNIST classifier, and use it to compute inception score (ICP)
generative-adversarial-network generative-model
Last synced: 28 Nov 2024
https://github.com/nashory/text2image-benchmark
Performance comparison of existing GAN based Text To Image algorithms. (GAN-CLS, StackGAN, TAC-GAN)
benchmark generative-adversarial-network image tensorflow text text2image
Last synced: 19 Nov 2024
https://github.com/salu133445/binarygan
Code for "Training Generative Adversarial Networks with Binary Neurons by End-to-end Backpropagation"
binary-neuron generative-adversarial-network gradient-estimator machine-learning
Last synced: 29 Oct 2024
https://github.com/christopher-beckham/binary_gan_demo
celeba celeba-dataset gan generative-adversarial-network pytorch
Last synced: 29 Oct 2024
https://mithi.github.io/deep-blueberry/
If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!
computer-vision convolutional-neural-networks deep-learning deep-learning-algorithms deep-learning-tutorial deep-neural-networks deep-reinforcement-learning generative-adversarial-network keras-tensorflow long-short-term-memory machine-learning machine-learning-algorithms pytorch-implementation pytorch-tutorial recurrent-neural-networks reinforcement-learning variational-autoencoder
Last synced: 30 Oct 2024
https://github.com/vita-group/gan-lth
[ICLR 2021] "GANs Can Play Lottery Too" by Xuxi Chen, Zhenyu Zhang, Yongduo Sui, Tianlong Chen
gan generative-adversarial-network lottery-ticket-hypothesis pruning transfer
Last synced: 16 Nov 2024
https://github.com/mithi/deep-blueberry
If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!
computer-vision convolutional-neural-networks deep-learning deep-learning-algorithms deep-learning-tutorial deep-neural-networks deep-reinforcement-learning generative-adversarial-network keras-tensorflow long-short-term-memory machine-learning machine-learning-algorithms pytorch-implementation pytorch-tutorial recurrent-neural-networks reinforcement-learning variational-autoencoder
Last synced: 10 Jan 2025
https://github.com/Rushi314/GPR-Object-Detection
This repository contains code to train object detection models like FRCNN/YOLO for identifying objects in Ground Penetrating Radar scans. It also contains code to generate fake data using Generative Adversarial Networks(GANs).
frcnn gans generative-adversarial-network ground-penetrating-radar machine-learning mmdetection object-detection yolo
Last synced: 09 Nov 2024
https://github.com/rvinas/adversarial-gene-expression
Adversarial generation of gene expression data using Generative Adversarial Networks
adversarial-machine-learning adversarial-networks bioinformatics e-coli gan gene-expression gene-regulatory-network generative-adversarial-network keras machine-learning tensorflow
Last synced: 27 Oct 2024
https://github.com/l0sg/seqgan-music
Implementation of a paper "Polyphonic Music Generation with Sequence Generative Adversarial Networks" in TensorFlow
deep-learning generative-adversarial-network music-generation polyphonic seqgan tensorflow
Last synced: 21 Nov 2024
https://github.com/naoto0804/pytorch-domain-adaptation
Unofficial pytorch implementation of algorithms for domain adaptation
cnn domain-adaptation generative-adversarial-network pytorch
Last synced: 17 Dec 2024
https://github.com/arthurfdlr/ganightsky
🌌The Jupyter Notebook behind ThisNightSkyDoesNotExist - Train a StyleGan2-ADA on a custom image dataset scrapped from Instagram!
gan generative-adversarial-network generative-model google-colab stylegan2-ada
Last synced: 14 Nov 2024
https://github.com/bchao1/fun-with-mnist
Playing with MNIST. Machine Learning. Generative Models.
acgan autoencoders began conditonal-gan ebgan gan generative-adversarial-network infogan lsgan mnist pca tsne vae wgan wgan-gp
Last synced: 14 Oct 2024
https://github.com/changwoolee/wgan-gp-tensorflow
Tensorflow Implementation of Paper "Improved Training of Wasserstein GANs"
deep-learning deep-neural-networks gan generative-adversarial-network python tensorflow wgan wgan-gp
Last synced: 09 Nov 2024
https://github.com/cloudera/cml_amp_anomaly_detection
Apply modern, deep learning techniques for anomaly detection to identify network intrusions.
anomaly-detection autoencoder generative-adversarial-network principle-component-analysis support-vector-machine tensorflow
Last synced: 07 Nov 2024
https://github.com/aleju/gan-error-avoidance
Learning to Avoid Errors in GANs by Input Space Manipulation (Code for paper)
artifacts celeba deep-learning gan generative-adversarial-network pytorch weight-normalization
Last synced: 13 Oct 2024
https://github.com/kremerj/gan
A 1D toy example of optimizing a generative model using the WGAN-GP model.
generative-adversarial-network tensorflow-models toy-example
Last synced: 10 Oct 2024
https://github.com/shaform/deepnetworks
My implementations of deep neural networks for practice.
deep-learning deep-neural-networks discogan dragan generative-adversarial-network jupyter-notebook mnist wasserstein-gan
Last synced: 03 Jan 2025
https://github.com/ttop32/arcaneanimegan
AnimeGAN2 trained on Arcane
alignment anime animegan animegan2 animeganv2 arcanegan blending blur face-alignment fastai fine-tuning gan generative-adversarial-network image2image pytorch style-transfer stylegan stylegan3 torch weight
Last synced: 11 Nov 2024
https://github.com/matlab-deep-learning/pix2pix
Image to Image Translation Using Generative Adversarial Networks
computer-vision deep-learning gan gans generative-adversarial-network image-generation matlab matlab-deep-learning neural-network pix2pix
Last synced: 10 Jan 2025
https://github.com/rubenszimbres/gan-project-2018
GAN in Tensorflow to be run via Linux command line
dcgan dcgan-mnist-tutorial dcgan-tensorflow gan generative-adversarial-network generative-adversarial-networks linux-kernel tensorflow tensorflow-models
Last synced: 10 Oct 2024
https://github.com/jianguoz/seq2seq-gan-autoencoder
GAN and Seq2Seq
autoencoder generative-adversarial-network semi-supervised-learning seq2seq
Last synced: 15 Nov 2024
https://github.com/aniketmaurya/pytorch-gans
PyTorch implementation of GANs (Generative Adversarial Networks). DCGAN, Pix2Pix, CycleGAN, SRGAN
cyclegan dcgan gan-models gans generative-adversarial-network pix2pix pytorch pytorch-implementation super-resolution superresolution
Last synced: 14 Nov 2024
https://github.com/jleinonen/cloudsat-gan
Reconstruction of Cloud Vertical Structure with a Generative Adversarial Network
atmospheric-science climate-science deep-learning generative-adversarial-network machine-learning
Last synced: 29 Oct 2024
https://github.com/grohith327/simplegan
Tensorflow-based framework to ease training of generative models
computer-vision deep-learning gan generative-adversarial-network generative-model neural-networks python-library python3 tensorflow
Last synced: 22 Dec 2024
https://github.com/lucasbotang/modulargan
Unofficial PyTorch Implementation of ModularGan
gan generative-adversarial-network generative-model image-to-image image-translation modulargan python pytorch
Last synced: 25 Nov 2024
https://github.com/ritvik19/implemented-data-science
Implementation of various data science techniques and research papers
artificial-neural-networks classification computer-vision convolutional-neural-network data-science deep-learning generative-adversarial-network machine-learning natural-language-processing natural-language-understanding recurrent-neural-networks regression transfer-learning transformer
Last synced: 13 Oct 2024
https://github.com/yeonghyeon/ganomaly-pytorch
Implementation of GANomaly with MNIST dataset
anomaly-detection generative-adversarial-network generative-neural-network mnist-dataset
Last synced: 11 Nov 2024
https://github.com/cursedprograms/gloriosaai
GloriosaAI is a versatile Python codebase that includes a Generative Adversarial Network (GAN) for the training and generation of AI art.
ai art artificial-neural-networks gan generative-adversarial-network matplotlib numpy pillow python tensorflow
Last synced: 12 Dec 2024
https://github.com/ArkaJU/Image-Colorization-CycleGAN
Colorization of grayscale images using CycleGAN in TensorFlow.
computer-vision cyclegan deep-learning generative-adversarial-network image-colorization
Last synced: 14 Nov 2024
https://github.com/pvnieo/mangan
Automatic Manga colorization using Generative Adversarial Networks.
adversarial-networks automatic-colorization deep-learning generative-adversarial-network manga python3 pytorch
Last synced: 23 Dec 2024
https://github.com/bes-dev/haar_pytorch
Pytorch implementation of forward and inverse Haar Wavelets 2D
computer-vision deeplearning generative-adversarial-network pytorch
Last synced: 13 Oct 2024
https://github.com/rekalantar/patchbased_3dcyclegan_ct_synthesis
Patch-based 3D Cycle-GAN for volumetric medical image synthesis
cyclegan-tensorflow deeplearning gan generative-adversarial-network generative-model medical-imaging synthesis tensorflow-tutorials
Last synced: 10 Oct 2024
https://github.com/aalind0/GAN-auto-write
Generative Adversarial Network that learns to generate handwritten digits. (Learning Purposes)
deep-learning gan generative-adversarial-network tensorflow
Last synced: 29 Nov 2024
https://github.com/podgorskiy/stylegan
Unofficial Pytorch implementation of Style GAN paper
adversarial-networks computer-vision deep-learning gan generative-adversarial-network machine-learning pytorch style-gan
Last synced: 12 Nov 2024
https://github.com/zhenye-na/pokemon-gan
🐼 Generating new Pokemons with Wasserstein DCGAN | TensorFlow Implementation
dcgan generative-adversarial-network pokemon-gan pytorch tensorflow
Last synced: 12 Nov 2024
https://github.com/vict0rsch/pytorch-fid-wrapper
A simple wrapper around @mseitzer's great pytorch-fid work to compute Fréchet Inception Distance in-memory from batches of images, using PyTorch
fid generative-adversarial-network python pytorch
Last synced: 09 Nov 2024
https://github.com/neuralchen/sngan_projection
An unofficial PyTorch implementation of SNGAN (ICLR 2018) and cGANs with projection discriminator (ICLR 2018)
cgan cifar10 conditional-gan deep-learning gan generative-adversarial-network
Last synced: 13 Nov 2024
https://github.com/mingtaoguo/cartoongan-tensorflow
Simple code implement the paper of CartoonGAN(CVPR2018)
cartoon-style-transfer cartoongan gan generative-adversarial-network style-transfer tensorflow
Last synced: 20 Nov 2024
https://github.com/scrn-vrc/pix2pix-in-a-fragment-shader
A simplified pix2pix implementation in Cg/HLSL
computer-graphics deep-learning gan generative-adversarial-network hlsl image-to-image-translation pix2pix shader unity3d vrchat
Last synced: 11 Nov 2024
https://github.com/soumik12345/adventures-with-gans
Showcasing various fun adventures with GANs
deep-learning gan generative-adversarial-network keras neural-network pytorch tensorflow
Last synced: 13 Jan 2025
https://github.com/hrolive/applications-of-ai-for-anomaly-detection
Nvidia DLI workshop on AI-based anomaly detection techniques using GPU-accelerated XGBoost, deep learning-based autoencoders, and generative adversarial networks (GANs) and then implement and compare supervised and unsupervised learning techniques.
anomaly-detection autoencoders deep-learning generative-adversarial-network keras machine-learning notebook nvidia-gpu pandas python rapids tensorflow xgboost
Last synced: 09 Nov 2024
https://github.com/rapidrabbit76/SketchColorization
line drawing colorization using pytorch
deep-learning gans generative-adversarial-network machine-learning onnx paintschainer pytorch
Last synced: 17 Jan 2025
https://github.com/fitushar/study-of-low-dose-to-high-dose-ct-using-supervised-learning-with-gan-and-virtual-imaging-trials
Computed tomography (CT) is one of the most widely used radiography exams worldwide for different diagnostic applications. However, CT scans involve ioniz- ing radiational exposure, which raises health concerns. Counter-intuitively, low- ering the adequate CT dose level introduces noise and reduces the image quality, which may impact clinical diagnosis. This study analyzed the feasibility of using a conditional generative adversarial network (cGAN) called pix2pix to learn the mapping from low dose to high dose CT images under different conditions. This study included 270 three-dimensional (3D) CT scan images (85,050 slices) from 90 unique patients imaged virtually using virtual imaging trials platform for model development and testing. Performance was reported as peak signal-to-noise ra- tio (PSNR) and structural similarity index measure (SSIM). Experimental results demonstrated that mapping a single low-dose CT to high-dose CT and weighted two low-dose CTs to high-dose CT have comparable performances using pix2pix CGAN and applicability of using VITs
ct deep-learning denoising gan generative-adversarial-network pix2pix pix2pix-tensorflow
Last synced: 01 Jan 2025
https://github.com/sylvaincom/medgan-tips
[Python] Additional works on Edward Choi's medGAN (generative adversarial network for electronic health records). In particular: boosting the prediction score using dataset augmentation.
dataset-augmentation electronic-health-records gan gans generative-adversarial-network generative-adversarial-networks medgan
Last synced: 15 Oct 2024
https://github.com/rkansal47/mpgan
The message passing GAN https://arxiv.org/abs/2106.11535 and generative adversarial particle transformer https://arxiv.org/abs/2211.10295 architectures for generating particle clouds
attention deep-learning generative-adversarial-network graph-neural-networks hep-ex machine-learning physics pytorch simulation transformers
Last synced: 13 Jan 2025
https://github.com/rahulbhalley/turing-gan
Source code for "Training Generative Adversarial Networks Via Turing Test".
cifar10 fashion-mnist gan generative-adversarial-network lipschitz-functions mnist optimal-transport pytorch turing-gans turing-test wasserstein wasserstein-gan
Last synced: 23 Oct 2024
https://github.com/mingtaoguo/cartoonbank
We are committed to building an cartoon community using deep generative models
cartoonify generative-adversarial-network generative-art toonify
Last synced: 20 Nov 2024
https://github.com/rapidrabbit76/sketchcolorization
line drawing colorization using pytorch
deep-learning gans generative-adversarial-network machine-learning onnx paintschainer pytorch
Last synced: 23 Nov 2024
https://github.com/naoto0804/chainer-cyclegan
Unofficial chainer implementation of 'Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks' [Zhu+, ICCV2017]
chainer cnn cyclegan deep-learning generative-adversarial-network image-translation
Last synced: 17 Dec 2024
https://github.com/muhammedbuyukkinaci/flowergan
FlowerGAN : A DCGAN implementation in TensorFlow
dcgan dcgan-tensorflow flower flowergan gan generative-adversarial-network gpu tensorflow
Last synced: 23 Oct 2024
https://github.com/h2oai/wave-image-styling-playground
A interactive playground to style and edit images, generate art and have fun.
diffusion-models generative-adversarial-network generative-art generative-learning h2o-wave stable-diffusion style-transfer
Last synced: 06 Nov 2024
https://github.com/gianlucatruda/tablediffusion
The first differentially-private tabular diffusion model
differential-privacy diffusion-models generative-adversarial-network generative-ai pytorch tabular-data
Last synced: 02 Nov 2024
https://github.com/Kaminyou/Dense-Normalization
[ECCV 2024] Official implementation of "Every Pixel Has its Moments: Ultra-High-Resolution Unpaired Image-to-Image Translation via Dense Normalization"
computer-vision eccv2024 generative-adversarial-network generative-model high-resolution-image image-to-image-translation parallelism
Last synced: 31 Oct 2024
https://github.com/shashwath94/semisupervised-learning-with-dcgans
Using DCGANs to learn useful representations during the adversarial training process and using the learned features to classify images with relatively little training data
deeplearning generative-adversarial-network keras semi-supervised-learning
Last synced: 03 Jan 2025
https://github.com/gmalivenko/cat-gan
GAN for cat images generation
architecture cat-gan cats-generator convolutional-neural-networks gan generative-adversarial-network neural-network
Last synced: 23 Oct 2024
https://github.com/idsia/fpainter
Official repository for the paper "Images as Weight Matrices: Sequential Image Generation Through Synaptic Learning Rules" (ICLR 2023)
fast-weight-programmers fast-weights generative-adversarial-network image-generation neural-learning-rules transformers
Last synced: 11 Nov 2024
https://github.com/changkun/ws-18-19-deep-learning-tutorial
Deep Learning and Artificial Intelligence Tutorial @ LMU WS 2018/19
artificial-intelligence convolutional-neural-networks deep-learning generative-adversarial-network markov-decision-processes recurrent-neural-networks reinforcement-learning representation-learning
Last synced: 09 Nov 2024
https://github.com/amirzenoozi/argan
[Open Source]. ARGAN - The improved version of AnimeGAN. Landscape photos/videos to anime
animation anime argan gan generative-adversarial-network resnet-101 resnet-18 resnet-34 resnet-50 style-transfer tensorflow tensorflow2 vgg19 vide-generation video
Last synced: 20 Nov 2024
https://github.com/adityajn105/facegan-generating-random-faces
Generate Random Faces which do not exists. I trained a Deep Convolution GAN (DCGAN) on 100k celebrities photos.
dcgan face-generation gan generative-adversarial-network unsupervised-deep-learning
Last synced: 15 Nov 2024
https://github.com/gtesei/ccyclegan
Conditional Cycle-Consistent Generative Adversarial Networks (CCycleGAN)
conditional-gans cycle-consistent-gan fer2013 generative-adversarial-network keras-tensorflow
Last synced: 12 Nov 2024
https://github.com/soumik12345/animegan
A Deep Convolutional Generative Adversarial Network to generate Faces of Anime Characters
anime convolutional-neural-networks dcgan dcgan-tensorflow face gan generative-adversarial-network keras python tensorflow
Last synced: 07 Jan 2025
https://github.com/karoly-hars/GAN_image_colorizing
Image colorization with generative adversarial networks on the CIFAR10 dataset.
artificial-intelligence batch-normalization cifar10 computer-vision deep-learning gan generative-adversarial-network image-colorization neural-networks pytorch spectral-normalization unet
Last synced: 14 Nov 2024
https://github.com/rahulbhalley/favorite-research-papers
Listing my favorite research papers 📝 from different fields as I read them.
artificial-intelligence deep-learning generative-adversarial-network generative-model image-classification machine-learning neural-network research-paper speech-recognition style-transfer transfer-learning
Last synced: 11 Dec 2024