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-02-05 00:12:01 UTC
- JSON Representation
https://github.com/curegit/stylegan-web
Example configurations for deploying StyleGAN with web UI using Docker
docker docker-compose generative-adversarial-network github-container-registry image-synthesis stylegan2
Last synced: 18 Jan 2025
https://github.com/mj10/dcgan
Simple DCGAN implementation
dcgan deep-learning generative-adversarial-network tensorflow
Last synced: 06 Jan 2025
https://github.com/lmizner/ece239_signalsandsystems
Course work from UCLA's ECE239 - Special Topics in Signals and Systems
conditional-ddpm deep-q-network denoising-diffusion-probabilistic-models dqn gans generative-adversarial-network generative-ai minigpt vae variational-autoencoder
Last synced: 15 Dec 2024
https://github.com/somjit101/dcgan-gradient-tape
A study of the use of the Tensorflow GradientTape class for differentiation and custom gradient generation along with its use to implement a Deep-Convolutional Generative Adversarial Network (GAN) to generate images of hand-written digits.
batch-normalization convolutional-layers dcgan-tensorflow deconvolution dropout-layers gan generative-adversarial-network gradient-tape keras-tensorflow mnist-dataset neural-network tensorflow transpose-convolution
Last synced: 16 Jan 2025
https://github.com/dunnkers/generative-adversarial-networks
Painting Van Gogh's using GAN's 🌈
generative-adversarial-network tensorflow
Last synced: 29 Jan 2025
https://github.com/vigneshs10/conditional-generative-adversarial-network
Baseline CGAN trained to conditionally generate images from two different classes
cgan cv generative-adversarial-network pytorch
Last synced: 16 Jan 2025
https://github.com/m-torhan/progressivegan
Implementation of progressive training of GAN using tensorflow
deep-learning generative-adversarial-network tensorflow
Last synced: 31 Dec 2024
https://github.com/justanhduc/augmentedcyclegan
A Theano re-implementation of Augmented CycleGAN
augmented-cycle-gan deep-learning generative-adversarial-network python3 theano
Last synced: 04 Feb 2025
https://github.com/abhigyan126/minecraft-skin-generator
WGAN-GP GAN model to generate unique Minecraft skin every run.
generative-adversarial-network minecraft minecraft-skin minecraft-skin-generator torch wgan-gp
Last synced: 05 Feb 2025
https://github.com/justanhduc/cyclegan
A Theano implementation of Cycle GAN
deep-learning deep-neural-networks gan generative-adversarial-network python theano
Last synced: 04 Feb 2025
https://github.com/justanhduc/lsgan
A replication of Least Square GAN
deep-learning deep-neural-networks generative-adversarial-network theano
Last synced: 04 Feb 2025
https://github.com/olegkhomenko/attngan-zsl
Combining "A Generative Adversarial Approach for Zero-Shot Learning from Noisy Texts" and "AttnGAN"
deep-learning generative-adversarial-network image-generation
Last synced: 09 Jan 2025
https://github.com/ka-sarthak/mm-generator
DL models for generating stress fields in microstructures
deep-neural-networks fourier-ne generative-adversarial-network surrogate-modelling
Last synced: 27 Jan 2025
https://github.com/imvision12/dcgan-tensorflow
A Tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
dcgan gan generative-adversarial-network image image-generation tensorflow
Last synced: 14 Jan 2025
https://github.com/asiff00/medical-image-generation-with-gans-tensorflow
The primary aim is to train the GAN to generate highly realistic synthetic X-ray images that closely resemble the real ones in the dataset. These synthetic images can then be utilized for future data augmentation.
deep-learning gan generative-adversarial-network generative-ai image-classification image-processing machine-learning medical-image-processing medical-imaging neural-network
Last synced: 16 Jan 2025
https://github.com/minigrim0/gangster
A GAN to generate mugshots
deep-learning gan gangster generative-adversarial-network jupyter-notebook machine-learning
Last synced: 05 Feb 2025
https://github.com/vanditg/paper-implementation-deep-learning
This repository contains the implementation of different papers relating to Computer Vision and Deep Learning fields.
computer-vision deep-learning generative-adversarial-network google-colaboratory jupyter-notebooks python pytorch pytorch-implementation
Last synced: 22 Dec 2024
https://github.com/a-parida12/advdl4phy
Advanced Deep Learning for Physics
autoencoder deep-learning fluid-simulation generative-adversarial-network
Last synced: 28 Dec 2024
https://github.com/tlin-taolin/gan-on-text
deep-learning generative-adversarial-network tensorflow
Last synced: 02 Jan 2025
https://github.com/anshchoudhary/gan-implementation
This repository was created as a comprehensive guide to GAN architectures and their implementations.
dcgan-pytorch gan generative-adversarial-network pytorch
Last synced: 22 Jan 2025
https://github.com/pedrinzx32/image-to-video-api
API guide for integrating advanced image to video feature to your product or workflow.
api api-aruppi aruppi aruppi-api face-detection flutter generative-adversarial-network pytorch radio super-resolution text2image video-frame-interpolation video-generation video-super-resolution
Last synced: 22 Jan 2025
https://github.com/giovanni-gatti/dcgan-celeba
Notebook to train a DCGAN model on the CelebA dataset using PyTorch.
deep-learning generative-adversarial-network pytorch
Last synced: 02 Feb 2025
https://github.com/micahondiwa/applied_ai
Deep Learning for Computer Vision: A collection of 6 end-to-end applied AI projects.
computer-vision deep-learning deep-neural-networks deep-reinforcement-learning generative-adversarial-network generative-ai neural-machine-translation neural-network pytorch transformers
Last synced: 09 Dec 2024
https://github.com/40uf411/genetic-adversarial-networks-gan-
This repository contains implementations I made and tutorials that I followed.
celebfaces dcgan gan gans generative-adversarial-network mnist
Last synced: 19 Jan 2025
https://github.com/nisace/gan-lib
Various GAN implementations
gan generative-adversarial-network tensorflow
Last synced: 02 Nov 2024
https://github.com/anyantudre/generative-adversarial-networks-gans
A very basic and simple example of how to use GANs to generate fake handwritten numbers.
cnn-pytorch deep-learning gan gans generative-adversarial-network pytorch
Last synced: 03 Feb 2025
https://github.com/monmog/tensorflow-gan
Python Project that uses Tensorflow and numpy to make a Generative Adversarial Network
generative-adversarial-network
Last synced: 13 Jan 2025
https://github.com/alinababer/finger-print-generation-and-discrimination-by-dcgan
This project focuses on the generation and authentication of fingerprints using Adaptive Deep Convolution Generative Adversarial Networks (ADCGAN).
dcgan deep-learning gan generative-adversarial-network generative-ai opencv python
Last synced: 16 Dec 2024
https://github.com/sk-g/imagecompression
Using TFGAN framework to play around with GAN architecture for image compression.
dnn generative-adversarial-network neural-networks tensorflow tensorflow-experiments tfgan
Last synced: 16 Dec 2024
https://github.com/sk-g/mnistgantemp
Experiments with GAN architectures on pytorch,keras,tensorflow and CNTK
cntk computer-vision gan generative-adversarial-network keras neural-network pytorch tensorflow
Last synced: 16 Dec 2024
https://github.com/si-ddhartha/anigan
A TensorFlow implementation of Generative Adversarial Network to generate anime faces.
deep-learning gan generative-adversarial-network tensorflow
Last synced: 21 Jan 2025
https://github.com/machinelearningzuu/everything-about-generative-deeplearning
This is a repository for everything about generative deep learning. I will update this repository continuously. If you have any questions, please contact me. My Plan is to implement Tons of Implementations for GANs, VAEs, DIFFUSION, LLMS and so on.
audio deep-learning diffusion generative-adversarial-network image large-language-models python pytorch
Last synced: 04 Feb 2025
https://github.com/chen0040/mxnet-gan
My collection of GAN implemented using MXNet
dcgan gan generative-adversarial-network pixel-to-pixel-gan
Last synced: 16 Dec 2024
https://github.com/laknath1996/gen-models
Course project for EN.553.741 Machine Learning II at JHU. Implements Wasserstein GAN, variational autoencoder and denoising diffusion probabilistic models.
diffusion-models generative-adversarial-network generative-model
Last synced: 08 Jan 2025
https://github.com/mxagar/face_generator_gan
This repository contains a Convolutional GAN which generates faces based on the CelebFaces dataset.
computer-vision deep-learning face-generation gan generative-adversarial-network image-generation
Last synced: 23 Dec 2024
https://github.com/nikk0001/image-to-image-translation---cgan---conditional---gan
Conditional Generative Adversarial Networks (CGANs) extend the capabilities of traditional GANs by conditioning both the generator and discriminator models on additional information, typically class labels or other forms of auxiliary information.
cgan cgan-mnist cgans generative-adversarial-network generative-ai generative-model imagetranslate
Last synced: 17 Dec 2024
https://github.com/nikk0001/text-generation-with-markov-chains
This repository contains an implementation of a simple text generation algorithm using Markov chains. The algorithm builds a statistical model that predicts the probability of a word or character based on the previous one(s). This model can then be used to generate new text that mimics the style and structure of the input text.
generative-adversarial-network gpt gpt-3 markovchain textgeneration
Last synced: 17 Dec 2024
https://github.com/saikat-roy/deep-convolutional-gan
DCGAN implemented as part of the Deep Learning for Computer Vision course at the University of Bonn (WS 2018/19)
dcgan deep-learning deep-neural-networks generative-adversarial-network
Last synced: 23 Dec 2024
https://github.com/curegit/stylegan-vue
Web-based user interface for StyleGAN FastAPI
generative-adversarial-network image-synthesis single-page-applications type-generation typescript vuejs
Last synced: 18 Jan 2025
https://github.com/efecaliskannn/generative-adverserial-networks--gan-
DCGAN was used for synthetic data generation, ACGAN for classification, and SRGAN for image enhancement.
artificial-intelligence auxiliary-classifier-gan cuda-toolkit cudnn deep-learning generative-adversarial-network python super-resolution-image
Last synced: 13 Jan 2025
https://github.com/matthias-wright/siamese_architecture
PyTorch implementation of the siamese architecture for style transfer I developed for my master's thesis.
autoencoder deep-learning generative-adversarial-network python pytorch style-transfer
Last synced: 14 Dec 2024
https://github.com/abhaskumarsinha/1d-gan
A simple well-documented tutorial on implementing a 1D GAN on Keras using a Python Jupyter Notebook
deep-learning deep-neural-networks gan generative-adversarial-network keras keras-tensorflow python3 tensorflow2 tutorial
Last synced: 21 Jan 2025
https://github.com/marekpokropinski/pastagan
Style transfer convolutional neural network trained on FFHQ dataset and pasta images.
deep-learning generative-adversarial-network neural-network
Last synced: 24 Dec 2024
https://github.com/adeelh/gan-image-inpainting
Image Inpainting using a GAN (class project for Intelligent Visual Computing, Spring 2019)
cifar10 deep-learning gan generative-adversarial-network inpainting machine-learning
Last synced: 30 Jan 2025
https://github.com/shrikantnaidu/face-generation
Face Generation with DCGAN
deep-learning face-generation generative-adversarial-network
Last synced: 10 Jan 2025
https://github.com/lukasdrews97/gan_evaluation
Synthetic Image Generation using Generative Adversarial Networks (GANs)
deep-learning generative-adversarial-network generative-modeling image-generation machine-learning neural-networks pytorch
Last synced: 26 Dec 2024
https://github.com/farzeennimran/ai-image-generator-using-gans
Generating space images using GANs 🌌☄️
artificial-intelligence generative-adversarial-network image-generation python
Last synced: 26 Dec 2024
https://github.com/aishwaryahastak/qvisiongan
Quantum GAN Model to generate images with limited qubits
generative-adversarial-network image-generation mnist-dataset qiskit quantum-machine-learning
Last synced: 02 Jan 2025
https://github.com/guntas-13/srip2024
Repo for all the SRIP 2024 work at CVIG Lab IITGN under Prof. Shanmuganathan Raman
ddpm diffusion-model diffusion-models gan gan-inversion generative-adversarial-network generative-model image-compression variational-autoencoder
Last synced: 30 Jan 2025
https://github.com/zpreisler/tensorflow_gan
Generative adversarial network
generative-adversarial-network tensorflow
Last synced: 11 Jan 2025
https://github.com/atharvapathak/style_transfer_gan_project
To ensure a better diagnosis of patients, doctors may need to look at multiple MRI scans. What if only one type of MRI needs to be done and others can be auto-generated? Generative Adversarial Networks (GANs) have been used for generating deepfakes, new fashion styles and high-resolution pictures from the low-resolution ones
cyclegan deep-learning gans generative-adversarial-network keras mri-images photo style-transfer tensorflow u-net
Last synced: 15 Jan 2025
https://github.com/fabriziomusacchio/wasserstein_gan
This repository contains some code for demonstrating the application of Wasserstein GANs (WGANs)
gan gans generative-adversarial-network wasserstein-distance wasserstein-gan wasserstein-gans wgan wgans
Last synced: 12 Jan 2025
https://github.com/mbarbetti/master-thesis-public
:book: My master thesis at the University of Firenze
deep-learning flash-simulation gan generative-adversarial-network lhcb-experiment machine-learning master-degree master-degree-thesis master-thesis particle-physics thesis ultrafast-simulation
Last synced: 03 Jan 2025
https://github.com/inventwithdean/simplegan
Implementation of a simple GAN to generate digits.
deep-learning generative-adversarial-network generative-ai mnist
Last synced: 10 Jan 2025
https://github.com/gugarosa/gan_metrics_scoring
📄 Official implementation regarding the paper "Evaluating Artificial Images Through Score-based Classifications".
generative-adversarial-network implementation metric-learning paper scoring-algorithm
Last synced: 24 Jan 2025
https://github.com/athari22/face-generation
In this project, I defined and train a DCGAN on a dataset of faces. This project is part of the deep learning nanodegree program at udacity. Overview The project is broken down into a series of tasks from loading in data to defining and training adversarial networks. And visualize the results of trained Generator generated samples that look like fairly realistic faces with small amounts of noise.
dataset dcgan deep-learning face-recognition gan generative-adversarial-network jupyter-notebook python pytorch visualization
Last synced: 30 Dec 2024
https://github.com/hrolive/introduction-to-scalable-deep-learning
In this course, we will cover machine learning and deep learning and how to achieve scaling to high performance computing systems.
deep-learning generative-adversarial-network hpc machine-learning python
Last synced: 04 Jan 2025
https://github.com/ajithprakash8055/gan-generative-adversarial-network
This repo illustrates how GAN -Generative Adversarial Networks can be helpful in creating incredibly highly realistic images and its architecture
computer-vision deeplearning generative-adversarial-network machine-learning
Last synced: 04 Jan 2025
https://github.com/shlokarora2709/deep-learning
Deep Learning
artificial-intelligence convolutional-neural-networks deep-learning deep-neural-networks fine-tuning gans generative-adversarial-network generative-ai llm lstm ml yolo
Last synced: 11 Jan 2025
https://github.com/theo-liang/python-project-analysis-for-climatewins
This project analyzes historical weather data to identify patterns and predict future weather conditions, focusing on extreme events and temperature trends across Europe.
artificial-neural-networks backpropagation confusion-matrix-heatmap convolutional-neural-networks data-optimization decision-tree-classifier deep-learning generative-adversarial-network gradient-descent hierarchical-clustering hyperparameter-tuning jupyter-notebook k-nearest-neighbor learning-rate machine-learning-algorithms overfitting python random-forest recurrent-neural-networks supervised-machine-learning
Last synced: 24 Jan 2025
https://github.com/nikhilbarhate99/photo2art
CycleGAN with PyTorch
cycle-gan gan generative-adversarial-network pytorch pytorch-gan pytorch-implmention pytorch-tutorial
Last synced: 12 Jan 2025
https://github.com/ajithvcoder/gan_unlocked
Generative AI - Contains pytorch implementation of GANs
cnn deep-learning gan generative-adversarial-network generative-ai pytorch
Last synced: 12 Jan 2025
https://github.com/sohaamir/brainslicer
A tool for slicing and upscaling T1-anatomical NIFTIs
anatomical-mri artificial-intelligence generative-adversarial-network neuroimaging upscaling
Last synced: 18 Jan 2025
https://github.com/aravinda-1402/cyclegan-for-image-translation
Using CycleGAN for image translation.
cyclegan generative-adversarial-network keras-tensorflow
Last synced: 19 Jan 2025
https://github.com/byte7/gans
Keras Implementation of Generative Adverserial Networks
deep-learning gan generative-adversarial-network keras
Last synced: 31 Jan 2025
https://github.com/pthmhatre/stylescribe-using-generative-adversarial-network
A fashion AI-based model capable of generating images from textual descriptions. The model should take natural language text as input and generate images that visually represent the given text. This text-to-image generation system bridges the gap between textual descriptions and visual content.
deep-neural-networks flask-application generative-adversarial-network generative-ai googlecloudplatform hyperparameter-tuning keras-tensorflow neural-networks nlp os pillow rdp-connection scipy sklearn-metrics spacy-nlp texttoimage tfidf-vectorizer
Last synced: 01 Feb 2025
https://github.com/micahondiwa/applied-ai
Deep Learning for Computer Vision: A collection of 6 end-to-end applied AI projects.
computer-vision deep-learning deep-neural-networks deep-reinforcement-learning generative-adversarial-network generative-ai neural-machine-translation neural-network pytorch transformers
Last synced: 31 Jan 2025
https://github.com/NYU-CDS-Capstone-Project/HydroGAN
Replicating the universe one stride at a time...
astrophysics generative-adversarial-network pytorch variational-autoencoder
Last synced: 23 Oct 2024
https://github.com/tiennhm/artist-style-transfer-cyclegan
Implement Artist Style Transfer using CycleGAN
ai artistic-style-transfer cyclegan deep-learning deep-neural-networks dl gan generative-adversarial-network
Last synced: 27 Jan 2025
https://github.com/shaheennabi/computer-vision-practices-and-mini-projects
🎇 Computer Vision Experiments 🎆 A hands-on collection of computer vision experiments 📸, featuring models like YOLO, Mask R-CNN, and GANs. 🚀 Explore applications like object detection, image segmentation, and pose estimation 🌍. Continuously updated with cutting-edge models and techniques! 🔥
computer-vision convolutional-neural-networks generative-adversarial-network mask-rcnn object-detection object-segmentation pose-estimation ssd variational-autoencoder
Last synced: 31 Jan 2025
https://github.com/georgygospodinov/facegeneration
Face Generation using Adversarial Models
autoencoder celeba-dataset face-generation generative-adversarial-network pytorch
Last synced: 08 Jan 2025
https://github.com/narumiruna/mnist-gans
gan generative-adversarial-network lsgan mnist pytorch wasserstein-gan wgan wgan-gp
Last synced: 31 Jan 2025
https://github.com/narumiruna/eat-hands
dcgan gan generative-adversarial-network pytorch wgan
Last synced: 31 Jan 2025
https://github.com/zeyadusf/dcgans-on-braille-images
Deep Convolutional Generative Adversarial Network
dcgan deep-learning generative-adversarial-network
Last synced: 07 Jan 2025
https://github.com/georgiosioannoucoder/realesrgan
Implementation of the paper "Real-ESRGAN: Training Real-World Blind Super-Resolution with Pure Synthetic Data." 🖼️
computer-vision data-science discriminator esrgan gan generative-adversarial-network generator image-processing machine-learning opencv-python real-esrgan super-resolution
Last synced: 02 Jan 2025
https://github.com/cptanalatriste/celebrity-generator
A deep convolutional generative adversarial network (DCGAN) for generating faces.
deep-learning generative-adversarial-network image-generation pytorch
Last synced: 12 Jan 2025
https://github.com/assemblyai-community/intro-to-diffusion-models
Introduction to Diffusion Models for Machine Learning | AssemblyAI
deep-learning diffusion-models generative-adversarial-network generative-model image-processing machine-learning neural-networks
Last synced: 20 Jan 2025
https://github.com/atharva309/bobross_painting_generator
Using GAN to generate paintings
generative-adversarial-network image-to-image-translation
Last synced: 13 Dec 2024
https://github.com/ggraffieti/papernotes
My personal notes and summaries of paper I read, mainly in, but not limited to, AI, ML, DL.
artificial-intelligence deep-learning generative-adversarial-network machine-learning notes paper-notes research
Last synced: 01 Feb 2025
https://github.com/gordon801/impress-gan
Trains a DCGAN model on Impressionist artworks to generate new, creative pieces. This repository includes a Flask web application that enables users to create Impressionist-style artwork images.
art-generator computer-vision dcgan deep-learning flask gan generative-adversarial-network generative-art image-generation jupyter-notebook
Last synced: 19 Dec 2024
https://github.com/krichelj/dl_bgu_2021
Deep Learning course, Computer Science M.Sc., Ben Gurion University of the Negev, Israel, 2021
computer-science computer-vision computer-vision-algorithms convolutional-neural-networks deep-learning facial-recognition generative-adversarial-network neural-network nlp numpy recurrent-neural-networks rnn siamese-neural-network supervised-learning tensorboard tensorflow tensorflow-models text-generation
Last synced: 21 Dec 2024
https://github.com/rsgoksel/g_esrgan
Both image and video capable ESRGAN model
esrgan gan gan-network generative-adversarial-network generator genetic-algorithm image-enhancement
Last synced: 02 Jan 2025
https://github.com/ahmedheakl/deep-convolutional-generative-adversarial-networks
Using Convolution neural network to regenerate 0-9 digits at high quality.
convolutional-neural-networks deep-learning gan generative-adversarial-network neural-network
Last synced: 13 Jan 2025
https://github.com/szymon-budziak/fashion_mnist_gan
Generative Adversarial Network (GAN) built with CNNs for both the generator and discriminator, implemented in TensorFlow and trained on the Fashion MNIST dataset.
fashion-mnist gan generative-adversarial-network generative-ai python3 tensorflow
Last synced: 25 Jan 2025
https://github.com/blazer-007/mnist-gan
GAN Implementation
generative-adversarial-network mnist-dataset python3
Last synced: 28 Jan 2025