Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

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.

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/wkentaro/chainer-cyclegan

Chainer implementation of "Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Network".

chainer computer-graphics computer-vision cyclegan deep-learning gan generative-adversarial-network image-generation image-manipulation pix2pix

Last synced: 16 Oct 2024

https://github.com/beegass/cs-541-deep-learning

CS-541 Deep Learning is a graduate class that teaches both a theoretical and practical approach to deep learning. You will be able to see this in the different homework files in the form of workable code that can be tested as well as proofs and explanations as to where the code is coming from.

artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks generative-adversarial-network recurrent-neural-networks

Last synced: 30 Jan 2025

https://github.com/shaharazulay/adversarial-autoencoder-classifier

PyTorch implementations of Non-parametric Unsupervised Classification with Adversarial Autoencoders

autoencoders deep generative-adversarial-network pytorch unsuper

Last synced: 10 Nov 2024

https://github.com/zhangxiaoyu11/OmiTrans

The first GANs-based omics-to-omics translation framework

cancer-data cancer-genomics deep-learning gans-models generative-adversarial-network omics-data

Last synced: 15 Nov 2024

https://github.com/yeonghyeon/ganomaly-tf

TensorFlow implementation of GANomaly (with MNIST dataset)

anomaly-detection generative-adversarial-network generative-neural-network mnist-dataset

Last synced: 11 Nov 2024

https://github.com/markdtw/least-squares-gan

GAN that adopts the least squares loss function for the discriminator in tensorflow

generative-adversarial-network tensorflow

Last synced: 13 Nov 2024

https://github.com/xu-justin/deepfacedrawing

A generative model that could generate photo-realistic face images from hand-sketch face images.

deepfacedrawing generative-adversarial-network pytorch

Last synced: 11 Nov 2024

https://github.com/edezhic/fashion-generator

In-browser GPU-accelerated Generative Adversarial Network trained on Fashion-MNIST dataset (tensorflow + deeplearn.js)

browser-game deep-learning generative-adversarial-network

Last synced: 23 Oct 2024

https://github.com/huckiyang/eyenet-gans

ACCV'18 workshop - Synthesizing New Retinal Symptom Images by Multiple Generative Models

accv2018 deep-learning eyenet generative-adversarial-network retinal-images

Last synced: 26 Jan 2025

https://github.com/yeonghyeon/f-anogan-tf

TensorFlow implementation of f-AnoGAN (with MNIST dataset)

anomaly-detection generative-adversarial-network generative-neural-network mnist-dataset

Last synced: 11 Nov 2024

https://github.com/mrgemy95/gan-tensorflow

This's a re-implementation of generative adversarial networks using tensorflow.

deep-learning generative-adversarial-network python tensorflow

Last synced: 23 Oct 2024

https://github.com/gagan3012/domaingan

Paper Implementation of DomainGAN: Generating Adversarial Examples to Attack Domain Generation Algorithm Classifiers

deep-learning gan generative-adversarial-network machine-learning paper-implementations python

Last synced: 27 Oct 2024

https://github.com/bioinformatics-ua/imageclef-toolkit

A toolkit for the research group's participations on the ImageCLEF challenges

deep-learning generative-adversarial-network imageclef tensorflow-experiments

Last synced: 10 Oct 2024

https://github.com/wkentaro/chainer-bicyclegan

Chainer implementation of "Toward Multimodal Image-to-Image Translation".

chainer computer-graphics computer-vision deep-learning gan generative-adversarial-network image-generation pix2pix

Last synced: 16 Oct 2024

https://github.com/rahulbhalley/wavegan.pytorch

Unofficial PyTorch implementation of "Adversarial Audio Synthesis"

audio gan generative-adversarial-network generative-model pytorch wavegan wavegan-pytorch

Last synced: 23 Oct 2024

https://github.com/mitre/inap

A pipeline for generating inconspicuous naturalistic adversarial patches (INAPs) against object detectors with one input image

adversarial-attacks adversarial-machine-learning adversarial-patches generative-adversarial-network object-detection

Last synced: 09 Nov 2024

https://github.com/yeonghyeon/dgm-tf

TensorFlow implementation of Disentangled Generative Model (DGM) with MNIST dataset.

anomaly-detection disentangled-generative-model generative-adversarial-network generative-neural-network mnist-dataset

Last synced: 11 Nov 2024

https://github.com/vinothpandian/akin-generator

UI wireframe generator that uses a SAGAN model to generate a UI wireframe for a given UI design pattern

deep-learning gan generative-adversarial-network tensorflow ui-generation wireframe-generation

Last synced: 15 Dec 2024

https://github.com/ashok-arjun/gaussian-poisson-gans-for-image-blending

Blending composite images using a generative model and a Gaussian-Poisson equation with a Laplacian Pyramid

blending-images computer-vision deep-learning gan gans generative-adversarial-network machine-learning pytorch

Last synced: 03 Dec 2024

https://github.com/k1nght/gan-based_chinese_painting_generation

The final project of course AU332-Artificial Intelligence(Principles and Techniques). We use cycle-consistent adversarial network to transform pictures into Chinese painting style, which is based on new data sets collected by our own.

generative-adversarial-network

Last synced: 18 Dec 2024

https://github.com/yeonghyeon/cgan-tf

TensorFlow implementation of Conditional Generative Adversarial Nets (CGAN) with MNIST dataset.

cgan cgans conditional-gan conditions gan gans generative-adversarial-network generative-model mnist mnist-dataset tensorflow tensorflow-examples

Last synced: 10 Oct 2024

https://github.com/anujdutt9/generative-adversarial-networks

Implementation of Ian Goodfellow's paper on "Generative Adversarial Networks (GAN)".

gan generative-adversarial-network ian-goodfellow numpy python-3-5 scipy tensorflow

Last synced: 24 Jan 2025

https://github.com/arthurfdlr/race-track-generator

🏁 How to generate race tracks efficiently using Fourier descriptors and GANs.

fourier-transform gan generative-adversarial-network race-track

Last synced: 14 Jan 2025

https://github.com/honlan/tf2gan

TensorFlow 2.0 implementations of some awesome Generative Adversarial Networks

generative-adversarial-network tensorflow

Last synced: 14 Nov 2024

https://github.com/aditya30394/reverse-image-captioning

Text to Image Generation (Reverse image captioning): This task is just the reverse of image captioning task. Here, we are trying to generate the images that best fits the textual description.

cnn deep-learning deep-neural-networks gan generative-adversarial-network image-generation python pytorch

Last synced: 17 Oct 2024

https://github.com/dongjunlee/gan-pytorch

PyTorch implementation of 'GAN (Generative Adversarial Networks)'

deep-learning estimator experiments gan generative-adversarial-network generative-model hb-experiment pytorch

Last synced: 01 Jan 2025

https://github.com/harshpatel44/image-to-sketch-using-cycle-gan

An application which converts a given Image -> Sketch & Sketch -> Image using Cycle-GAN.

cycle-gan gan generative-adversarial-network machine-learning neural-network

Last synced: 24 Nov 2024

https://github.com/dansuh17/pytorch-land

[BETA] Easy-to-use pytorch model trainer, dataloader creators, and utilities + my own implementations of select models

cyclegan deep-learning deep-neural-networks gan generative-adversarial-network generative-model python3 pytorch wgan wgan-gp

Last synced: 14 Oct 2024

https://github.com/lazavgeridis/mddgan

Implementation of my B.Sc. Thesis titled "MddGAN : Multilinear Analysis of the GAN Latent Space".

decomposition deep-learning generative-adversarial-network interpretability latent-space pytorch unsupervised-learning

Last synced: 06 Nov 2024

https://github.com/venkatr21/wardrobe-wizard-flaskapp

Wardrobe wizard is a Flask-app based fashion recommendation system with seamless support for Virtual try-on and cloth projection on person

flask generative-adversarial-network python pytorch recommendation-engine

Last synced: 12 Nov 2024

https://github.com/sergioskar/deep-learning-models

Implementation of basic deep learning models using tensorflow and keras

autoencoder deep-learning differentiable-neural-computer generative-adversarial-network

Last synced: 20 Nov 2024

https://github.com/denizetkar/treegan

Generative Adversarial Model that generates parse trees

ansi-c generative-adversarial-network parse-trees ppo2 pytorch rnn

Last synced: 22 Nov 2024

https://github.com/byte7/adaptive-curriculum-gan-keras

Keras implementation of Adaptive Curriculum GAN

gans generative-adversarial-network keras

Last synced: 15 Oct 2024

https://github.com/maximellerbach/car-dcgan-keras

my implementation of DCGAN with keras, trained on car dataset

dcgan gan generative-adversarial-network keras

Last synced: 22 Oct 2024

https://github.com/birdx0810/rcgan-pytorch

This repository is a non-official implementation of Recurrent (Conditional) GAN (Esteban et al., 2017) using PyTorch.

deep-learning generative-adversarial-network hacktoberfest pytorch time-series

Last synced: 17 Dec 2024

https://github.com/marekpokropinski/beautygan-tensorflow

BeautyGAN implementation in tensorflow. Based on BeautyGAN: Instance-level Facial Makeup Transfer with Deep Generative Adversarial Network (http://colalab.org/media/paper/BeautyGAN-camera-ready.pdf)

deep-learning generative-adversarial-network tensorflow

Last synced: 24 Dec 2024

https://github.com/nashory/pixel-level-dt-torch

Torch implementation of "Pixel-Level Domain Transfer"

domain-transfer generative-adversarial-network

Last synced: 29 Jan 2025

https://github.com/unilight/generative-compression

Tensorflow implementation of paper Generative Compression.

gan generative-adversarial-network image-compression tensorflow wgan-gp

Last synced: 15 Dec 2024

https://github.com/deepmancer/diffusion-gan-vae-pytorch

A PyTorch implementation of various deep generative models, including Diffusion (DDPM), GAN, cGAN, and VAE.

conditional-diffusion conditional-gan conditional-generation diffusion-models fashion-mnist from-scratch generative-adversarial-network mnist pytorch vae-pytorch

Last synced: 02 Nov 2024

https://github.com/t-almeida/gan-study

Here i present several GAN models in format of notebook implemented with tensorflow using the layers API

cgan cnn dcgan gan generative-adversarial-network notebook tensorflow

Last synced: 15 Nov 2024

https://github.com/hmunachi/closegan

Conditional Latent-Optimised Sequence Generative Adversarial Network For Creative Text Generation.

deep-learning gan generative-adversarial-network nlg nlp textgan

Last synced: 06 Dec 2024

https://github.com/yeonghyeon/gan-tf

TensorFlow implementation of Generative Adversarial Networks (GAN) with MNIST dataset.

gan gans generative-adversarial-network generative-model mnist mnist-dataset tensorflow tensorflow-examples

Last synced: 21 Dec 2024

https://github.com/lucko515/generative-adversarial-network

This is the implementation of simple GAN using TensorFlow as a framwork.

deep-learning generative-adversarial-network generative-models tensorflow

Last synced: 06 Dec 2024

https://github.com/2wins/BEGAN-tensorlayer

A TensorFlow Implementation of "BEGAN: Boundary Equilibrium Generative Adversarial Networks" - (EASY to READ)

gan generative-adversarial-network generative-adversarial-networks tensorflow tensorlayer

Last synced: 07 Nov 2024

https://github.com/omni-us/research-contentdistillation-htr

Source code for ICFHR20 "Distilling Content from Style for Handwritten Word Recognition"

document-analysis generative-adversarial-network handwriting-recognition

Last synced: 08 Nov 2024

https://github.com/xu-justin/grayscale-face-coloring

A generative model that could generate colored face images from grayscale face images.

generative-adversarial-network pix2pix-tensorflow

Last synced: 09 Jan 2025

https://github.com/hasibzunair/raw2syn

Minimal example of domain translation using CycleGAN, applied to OCR image data.

deep-learning generative-adversarial-network ocr synthetic-images

Last synced: 08 Jan 2025

https://github.com/sksq96/dcgan

A PyTorch implementation of "Deep Convolutional Generative Adversarial Networks" with Multiple Discriminator.

dcgan generative-adversarial-network pytorch

Last synced: 16 Nov 2024

https://github.com/auroracramer/tidegan

CycleGAN style audio translation with WaveGAN inspired generators

audio deep-learning generative-adversarial-network sound style-transfer translation

Last synced: 03 Jan 2025

https://github.com/dvmazur/shoe-gan

Generating shoes with GANs in sake of lulz and education

deep-learning gan generative-adversarial-network gradient-penalty lasagne theano wasserstein-gan wgan

Last synced: 29 Dec 2024

https://github.com/nikhilroxtomar/gan-in-tensorflow

Implementation of different GANs using TensorFlow

conditional-gan dcgan gan generative-adversarial-network

Last synced: 16 Jan 2025

https://github.com/blutjens/eie-earth-public

Earth Intelligence Engine: Physically-Consistent Visualizations of Climate Events with Deep Generative Vision Models

bicyclegan earth-observation gan generative-adversarial-network generative-ai image-to-image image-to-image-translation pytorch satellite-imagery segmentation vae

Last synced: 20 Nov 2024

https://github.com/aryanjain28/super-resolution

Super Resolution using EDSR. Enhanced Deep Residual Networks for Single Image Super-Resolution (EDSR) model trained to convert a Low-Resolution image to a Super-Resolution image.

data-science edsr gans generative-adversarial-network machine-learning srgan super-resolution tensorflow wdsr

Last synced: 29 Jan 2025

https://github.com/albertnieto/homogan

Building a conditioned GAN that generate faces in Tensorflow 2.0 and Keras.

artificial-intelligence computer-vision deep-learning generative-adversarial-network machine-learning neural-network

Last synced: 06 Nov 2024

https://github.com/yeonghyeon/conad

Implementation of Consistency-based anomaly detection (ConAD)

anomaly-detection auto-encoder convolutional-neural-networks generative-adversarial-network mnist-dataset

Last synced: 11 Nov 2024

https://github.com/shreyas-kowshik/generative-models-tensorflow

Implementation of generative models in tensorflow.

ai deep-learning generative-adversarial-network

Last synced: 21 Jan 2025

https://github.com/rapsssito/cats-gan

Example of how to generate images of cat faces using a Deep Convolutional Generative Adversarial Network (DCGAN).

deep-learning gan generative-adversarial-network tensorflow

Last synced: 05 Feb 2025

https://github.com/curegit/precure-stylegan-ada

Yet another StyleGAN 2.0 implementation using Chainer with Adaptive Discriminator Augmentationto to synthesize specific Precure (Cure Beauty) images

anime augmentation chainer deep-learning generative-adversarial-network image-synthesis precure stylegan2 stylegan2-ada

Last synced: 17 Nov 2024