Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with gan

A curated list of projects in awesome lists tagged with gan .

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: 08 Feb 2025

https://github.com/mbarbetti/tf-gen-models

:package: Ready to use implementations of state-of-the-art generative models in TensorFlow 2

deep-learning gan generative-models python tensorflow

Last synced: 11 Oct 2024

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/lisc55/InfoGAN

Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets

cnn gan infogan tensorflow tensorlayer

Last synced: 07 Nov 2024

https://github.com/kedreamix/gan_step_by_step

GAN Step By Step -- GSBS,顾名思义,我希望我自己能够一步一步的学习GAN。GAN 又名 生成对抗网络,是最近几年很热门的一种无监督算法,他能生成出非常逼真的照片,图像甚至视频。GAN是一个图像的全新的领域,从2014的GAN的发展现在,在计算机视觉中扮演这越来越重要的角色,并且到每年都能产出各色各样的东西,GAN的理论和发展都蛮多的。我感觉最近有很多人都在学习GAN,但是国内可能缺少比较多的GAN的理论及其实现,所以我也想着和大家一起学习,并且提供主流框架下 **pytorch,tensorflow,keras** 的一些实现教学。 在一个2016年的研讨会,`杨立昆`描述生成式对抗网络是“`机器学习这二十年来最酷的想法`”。

cgan dcgan gan pytorch

Last synced: 17 Nov 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/gau-nernst/gan

Learning GANs: WGAN, Relativistic GAN, StyleGAN, pix2pix...

gan pytorch sa-gan stylegan stylegan2 wgan wgan-gp

Last synced: 08 Jan 2025

https://github.com/nuniz/brain-tumor-image-synthesis-and-classification

Classification of Brain Tumors from MRI Images Using a Capsule Classifier and Image Synthesis

brain classification gan synthethic-data

Last synced: 28 Jan 2025

https://github.com/bchao1/conditional-gan-anime-generation

Conditional anime generation using conditional GAN.

anime conditional-gan gan

Last synced: 29 Nov 2024

https://github.com/aleju/christmas-generator

Generate christmas images with neural networks

deep-learning gan torch

Last synced: 24 Nov 2024

https://github.com/afrozalm/contextencoder

An implementation of context encoders by Deepak Pathak with a remodeled discriminator.

context-encoders gan torch7

Last synced: 09 Jan 2025

https://github.com/mbarbetti/pidgan

:package: GAN-based models to flash-simulate the LHCb PID detectors

deep-learning flash-simulation gan keras lhcb-experiment lhcb-lamarr machine-learning pid tensorflow ultrafast-simulation

Last synced: 11 Oct 2024

https://github.com/jkleiber/pokegan

A Generative Adversarial Network (GAN) that makes fake Pokemon

cnn gan kaggle pokemon pytorch

Last synced: 02 Nov 2024

https://github.com/vidhi1290/cyclegan-implementation-for-image-to-image-translation

🖼️ Our CycleGAN Implementation for Image-to-Image Translation project leverages PyTorch to seamlessly transform images between domains, all without paired examples. With a keen focus on innovation and effectiveness, we've explored CycleGAN's capabilities across various domains. Join us as we delve into the world of image translation technology! 🚀

artificial-intelligence cycle-gan deep-learning deep-neural-networks gan github-config machine-learning numpy pillow python pytorch torchvision unsupervised-learning

Last synced: 02 Feb 2025

https://github.com/nahuelcostacortez/fa-gan

Atrial Fibrilation diagnosis based on the discriminative elements of an ensemble of GANs

atrial-fibrillation gan healthcare machine-learning

Last synced: 15 Dec 2024

https://github.com/wocns1457/gan-based-face-mask-removal-version2

This project is to restore the face hidden behind the mask from the image of the person wearing the mask.

computer-vision deep-learning gan opencv-python segmentation tensorflow

Last synced: 03 Feb 2025

https://github.com/manohara-ai/conditional_gan

Building a Conditional Generative Adversarial Network based on light weight GAN like DCGAN

conditional-gan dcgan gan mnist-dataset

Last synced: 27 Dec 2024

https://github.com/hvy/chainer-began

Chainer implementation of BEGAN

began chainer gan

Last synced: 30 Oct 2024

https://github.com/bettercallshao/gangengo

Generate fake snapshots of a GO game using GAN.

colab dcgan gan go go-game jupyter-notebook keras pipenv python

Last synced: 01 Feb 2025

https://github.com/lyuwenyu/dl_exercises

CNN RNN GAN TF etc.

cnn gan rnn

Last synced: 26 Dec 2024

https://github.com/innerlee/eleg5491

gan

Last synced: 19 Dec 2024

https://github.com/aniketmaurya/ai-ml-resources

Machine Learning & Deep Learning Resource links- Paper, blog, code, videos

cyclegan deep-learning gan machine-learning object-detection paper pytorch tensroflow

Last synced: 14 Nov 2024

https://github.com/papapana/face-generation

Face Generation using Generative Adversarial Networks (GANs)

deep-learning deep-neural-networks gan generative-adversarial-network pytorch

Last synced: 13 Jan 2025

https://github.com/floriande/power-grid-gans

This project contains an extensible GAN Framework which can be used to generate power grid related data for simulations.

gan gans neuronal-networks power-grid power-grids python pytorch smart-grid smart-grids

Last synced: 03 Dec 2024

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/thomd/coursera-build-basic-generative-adversarial-networks

Notes on Coursera Course "Build Basic Generative Adversarial Networks"

coursera deep-learning gan pytorch

Last synced: 05 Feb 2025

https://github.com/ak2k30/cyclegan-pytorch-implementation

This project is implementation of CycleGAN paper.

gan machine-learning python pytroch train

Last synced: 12 Jan 2025

https://github.com/abhaskumarsinha/dc-gan

A very simple and plain DC GAN to generate Image Flower Pictures out of the dataset.

dc-gan dcgan-tensorflow gan keras keras-neural-networks keras-tensorflow tensorflow2 tutorial tutorial-code

Last synced: 21 Jan 2025

https://github.com/florianwoelki/fashion_mnist_gan

This repository lets you generate new not seen clothes by using a gan with the fashion mnist dataset.

fashion-mnist gan mnist neural-network

Last synced: 27 Jan 2025

https://github.com/wapiti08/defense_evasion_with_gan

The project of Ransomware Detection with GAN

adversarial-attacks cuckoo dynamic-programming gan ransomware

Last synced: 04 Jan 2025

https://github.com/sadegh15khedry/ml-algorithms-from-scratch

This project is dedicated to implementing various machine learning algorithms from scratch to gain a deeper understanding of how they work.

cnn dbscan decision-trees deep-learning gan ica jupyter-notebook knn-classification linear-regression logestic-regression lstm machine-learning naive-bayes-classifier python random-forest rnn svm t-sne transformer

Last synced: 11 Nov 2024

https://github.com/zawlinnnaing/can-thesis

Tensorflow Implementation of Creative Adversarial Network

can gan

Last synced: 25 Dec 2024

https://github.com/nor0x/winaimp

an ai that generates winamp ⚡ skins

gan keras scisharp winamp

Last synced: 22 Dec 2024

https://github.com/gugarosa/synthetic_rbms

📄 Official implementation regarding the paper "Fast Ensemble Learning Using Adversarially-Generated Restricted Boltzmann Machines".

artificial gan implementation paper rbm

Last synced: 24 Jan 2025

https://github.com/dvgodoy/gansnroses_odsc_europe2022

GANs N' Roses: Understanding Generative Models

deep-learning gan generative-adversarial-network pytorch tutorial

Last synced: 21 Nov 2024

https://github.com/huangcongqing/gan

生成式对抗网络(GAN, Generative Adversarial Networks )是一种深度学习模型,是近年来复杂分布上无监督学习最具前景的方法之一。

deep-learning gan

Last synced: 08 Feb 2025

https://github.com/praneetneuro/conditional-generative-adversarial-network

Train a GAN to transform images from one domain to another domain

conditional-gan gan

Last synced: 24 Dec 2024

https://github.com/amey-thakur/white-box-cartoonization

An implementation of the Whitebox Cartoonization model using Tensorflow.js and HTML/CSS/Javascript/Bootstrap.

amey ameythakur bootstrap cartoongan cartoonization computer-engineering css gan html javascript megasatish project tensorflowjs

Last synced: 25 Jan 2025

https://github.com/materight/unpaired-spade

Unpaired Semantic Segmentation and Image Synthesis based on SPADE and UPerNet.

gan image-synthesis pytroch semantic-segmentation

Last synced: 04 Jan 2025

https://github.com/techiesamosa/lunaxplore

LunaXplore enhances low-light images from the PSR regions of lunar craters to improve signal-to-noise ratio (SNR). By applying advanced deep learning and image processing techniques, the project creates high-resolution image maps from Chandrayaan-2's OHRC, aiding lunar landing site selection and supporting geomorphological studies of the lunar pole

deep-learning gan hpc image-processing keras opencv python retinex-theory signal-to-noise-ratio tensorflow

Last synced: 13 Nov 2024

https://github.com/bryanlimy/calciumgan

Synthesising Realistic Calcium Imaging Data of Neuronal Populations Using GAN.

calcium-imaging calcium-signals gan spike-analysis spike-trains

Last synced: 30 Oct 2024

https://github.com/duartegalvao/image-colorization-with-deep-learning

This is a project for the DD2424 - Deep Learning in Data Science course in KTH (Royal Institute of Technology).

deep-learning deep-neural-networks gan python python3 tensorflow tensorflow-models turing-test unet

Last synced: 19 Jan 2025

https://github.com/simoninithomas/dlfn_face_generator

A Generative Adversarial Network that generate human faces

cnn deep-learning gan neural-network tensorflow

Last synced: 17 Jan 2025

https://github.com/abyildirim/stock-market-price-prediction

In this project, we aim to use Generative Adversarial Network (GAN) model in order to predict the stock prices from a time series data.

gan series-data stock-prices

Last synced: 16 Dec 2024

https://github.com/omarazizi/dcgan-implementation

Deep Convolutional Generative Adversarial Network (DCGAN) implementation using PyTorch trained on the MNIST dataset to generate images of handwritten digits

convolutional-neural-networks dcgan dcgan-pytorch deep-learning gan gan-pytorch mnist neural-network pytorch

Last synced: 31 Jan 2025

https://github.com/khanovico/cifar-trgan-torch

CIFAR10 image generation using fully-transformer-GAN with pytorch

gan image-generation pytorch transformer

Last synced: 24 Jan 2025

https://github.com/dilumdesilva/daugmentor

DAugmentor: Automating Generative Adversarial Network Tuning for Data Augmentation

data-generation deep-learning deep-neural-networks gan

Last synced: 28 Jan 2025

https://github.com/faezeh-gholamrezaie/text-to-face-

A Novel Encoder-Decoder Approach for Text-to-Face Conversion using Generative Adversarial Networks and Attention Mechanism

celeba gan pytorch sentence-transformers text-to-face text-to-image text2image transformer

Last synced: 07 Nov 2024

https://github.com/szymciem8/semantic-image-synthesis

Generative models that generate paintings in the style of Bob Ross based on segmentation images.

fastapi gan gaugan machine-learning pix2pix spade streamlit tensorflow tensorflow2

Last synced: 08 Jan 2025

https://github.com/frixoe/handwritten-digit-gan

A GAN which generates hand written digits.

deep-learning gan neural-network tensorflow

Last synced: 18 Jan 2025

https://github.com/jason-cky/pokegan_fusion

Deep Convolutional GANs to generate new Pokemon

dcgan-pytorch gan pokemon-dataset

Last synced: 21 Jan 2025

https://github.com/chen0040/mxnet-text-to-image

Text to Image translation using Generative Adversarial Network and MXNet

gan generative-adversarial-network glove mxnet text-to-image word-embedding

Last synced: 16 Dec 2024

https://github.com/frgfm/pokegan

Implementations of GANs in PyTorch for Pokemon image generation

dc-gan dcgan deep-learning gan pokemon pytorch spectral-normalization tensorboard

Last synced: 29 Dec 2024

https://github.com/greatofdream/stylegan

GAN, LSGAN, StyleGAN realization using jittor

deep-learning gan jittor

Last synced: 12 Jan 2025

https://github.com/ksmooi/mscs_dl_gan_monet_painting

This project uses Generative Adversarial Networks (GANs) to transfer the artistic style of Monet paintings to ordinary photos, creating realistic Monet-style images. The model is trained using a dataset of Monet paintings and photos, and evaluated for quality using metrics like FID.

cycle-gan deep-learning gan python pytorch

Last synced: 07 Feb 2025

https://github.com/dev-khant/deep-learning-collection

Deep Learning Algorithms Collection

deep-learning gan transformer

Last synced: 23 Jan 2025

https://github.com/bjornmelin/deep-learning-evolution

🧠 Deep-Learning Evolution: Unified collection of TensorFlow & PyTorch projects, featuring custom CUDA kernels, distributed training, memory‑efficient methods, and production‑ready pipelines. Showcases advanced GPU optimizations, from foundational models to cutting‑edge architectures. 🚀

ai-research cuda data-science deep-learning distributed-training gan gpu-acceleration machine-learning model-optimization neural-networks python pytorch tensorflow training-pipeline transformers

Last synced: 05 Feb 2025

https://github.com/mpolinowski/tf-gan-image-generator

Use Adversarial Networks to generate Images

gan image-generator tensorflow2

Last synced: 28 Jan 2025

https://github.com/dilumdesilva/search_space

This repository includes DAugmentor search space related architectures.

cgan dcgan gan gans search-space

Last synced: 28 Jan 2025

https://github.com/tugot17/simple-gan-in-keras

Introduction to Generative Adversarial Networks on a pet example, created with Keras package

gan generative-adversarial-network introduction intuition keras

Last synced: 21 Nov 2024

https://github.com/wilhelmagren/syndgen

SYNthetic Data GENeration made easy for everyone, free and open-sourced.

data-generation deep-learning gan generative-ai machine-learning multi-table relational-datasets synthetic-data

Last synced: 31 Jan 2025

https://github.com/andreaferretti/wgan

Wasserstein GAN with Gradient Penalty

gan pytorch wasserstein-gan

Last synced: 29 Jan 2025

https://github.com/blurred-machine/generate-synthetic-images-with-dcgans-in-keras

In this project, I have built a DCGAN based synthetic image generator and a discriminator on the fashion-MNIST dataset. Generated synthetic images using DCGAN and tried to fool the discriminator

dcgan-tensorflow deeplearning discriminator gan generator image-processing jupyter-notebook project python

Last synced: 09 Jan 2025

https://github.com/oooo26/dsa5204_project

Project for DSA5204: Image to Image Translation Study

cogan cyclegan deep-learning dualgan gan image-translation pix2pix

Last synced: 22 Jan 2025

https://github.com/dhruvsrikanth/conditionalgan

Simulate experiments with the Conditional GAN architecture and training algorithm in PyTorch using this package.

cgan conditional-gan deep-learning game-theory gan generative-adversarial-network generative-model mnist python pytorch

Last synced: 25 Dec 2024

https://github.com/seungjaelim/stargan-improved

[KAIST-CS470] Term Team Project - Reproduction and improvement of papers <StarGAN>

attention gan machine-learning stargan

Last synced: 30 Jan 2025

https://github.com/khaykingleb/hifi-gan

Vocoder for TTS

gan hifi-gan pytorch tts vocoder

Last synced: 04 Feb 2025

https://github.com/ulrich-tonmoy/ai-ml

Projects building for learning AI and ML

ai cvpr gan js maths ml python self-driving-car

Last synced: 20 Jan 2025

https://github.com/dhruvsrikanth/vanillagan

Simulate experiments with the Vanilla GAN architecture and training algorithm in PyTorch using this package.

deep-learning gan mnist python pytorch vanilla-gan

Last synced: 25 Dec 2024

https://github.com/mashiat12/synthetic_brain_image_generation

Synthetic images generated using deeplearning model (GANs) allows researchers to create realistic, diverse MRI images that can supplement or expand existing datasets without needing additional patient scans.

artificial-intelligence deep-learning deep-neural-networks gan gans generative-adversarial-network generative-ai image-processing imagegeneration machine-learning

Last synced: 28 Jan 2025

https://github.com/antonio-f/deeplearning_project5-gan-face-generation

Using generative adversarial networks to generate new images of faces (datasets: MNIST, CelebA).

celeba celeba-dataset face-generation gan generative-adversarial-network mnist tensorflow udacity udacity-deep-learning

Last synced: 06 Feb 2025

https://github.com/nor0x/fake-apes

GAN for generating bored apes 🙈🙉🙊

boredapes gan stylegan

Last synced: 22 Dec 2024

https://github.com/coding-enthusiast9857/deep_learning_projects

Welcome to the Deep Learning Projects Repository! This repository is a collection of hands-on projects related to deep learning, covering a wide range of topics and applications.

ai ann cnn cv deep-learning deep-neural-networks dl gan image-processing keras ml nlp python pytorch rnn tensorflow transfer-learning

Last synced: 14 Jan 2025