An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: conditional-gan

gordicaleksa/pytorch-GANs

My implementation of various GAN (generative adversarial networks) architectures like vanilla GAN (Goodfellow et al.), cGAN (Mirza et al.), DCGAN (Radford et al.), etc.

Language: Python - Size: 74.4 MB - Last synced at: 5 days ago - Pushed at: over 4 years ago - Stars: 382 - Forks: 57

yuuIind/SAR2Optical

SAR to Optical Image-to-Image Translation with pix2pix

Language: Jupyter Notebook - Size: 7.18 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 12 - Forks: 2

znxlwm/pytorch-generative-model-collections

Collection of generative models in Pytorch version.

Language: Python - Size: 124 MB - Last synced at: 25 days ago - Pushed at: about 5 years ago - Stars: 2,626 - Forks: 541

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: about 1 month ago - Pushed at: almost 4 years ago - Stars: 469 - Forks: 326

znxlwm/pytorch-MNIST-CelebA-cGAN-cDCGAN

Pytorch implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Generative Adversarial Networks (cDCGAN) for MNIST dataset

Language: Python - Size: 45.7 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 515 - Forks: 128

Amir-Hofo/CGAN_MNIST_Pytorch

This code implements an example of a CGAN deep learning model using PyTorch. The architecture used for the generator and discriminator is MLP (multi layer perceptron) network. This model is trained with MNIST dataset and finally it can generate images of numbers 0 to 9 according to the label we specify for it.

Language: Jupyter Notebook - Size: 22.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 4 - Forks: 0

bchao1/Anime-Generation

🎨 Anime generation with GANs.

Language: Python - Size: 15.1 MB - Last synced at: 28 days ago - Pushed at: almost 3 years ago - Stars: 70 - Forks: 7

znxlwm/tensorflow-MNIST-cGAN-cDCGAN

Tensorflow implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Adversarial Networks (cDCGAN) for MANIST dataset.

Language: Python - Size: 11.1 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 151 - Forks: 60

lmxyy/sige

[NeurIPS 2022, T-PAMI 2023] Efficient Spatially Sparse Inference for Conditional GANs and Diffusion Models

Language: Python - Size: 43 MB - Last synced at: about 11 hours ago - Pushed at: about 1 year ago - Stars: 265 - Forks: 12

Silvano315/Malware-classification-model

This is a placeholder description to implement a project about cybersecurity with malware classification using Malimg dataset and Pytorch CNN. I would like to try some Variational Auto Encoders or GAN to make some ideas, it is a working process

Language: Jupyter Notebook - Size: 4.17 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

LukasMosser/geogan

Conditioning of three-dimensional geological and pore scale generative adversarial networks

Language: Jupyter Notebook - Size: 42.5 MB - Last synced at: 24 days ago - Pushed at: almost 6 years ago - Stars: 36 - Forks: 12

andi611/Conditional-SeqGAN-Tensorflow

Conditional Sequence Generative Adversarial Network trained with policy gradient, Implementation in Tensorflow

Language: Python - Size: 38.9 MB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 49 - Forks: 16

muhammadsaadx/Conditional-GAN-Sketch2Face

Sketch2Face is a deep learning model that can generate realistic human face images from hand-drawn or computer-generated sketches. This implementation uses a conditional GAN architecture based on the pix2pix model, which has shown excellent results for image-to-image translation tasks.

Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

edeleu/GAN-Colorization

Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

znxlwm/pytorch-pix2pix

Pytorch implementation of pix2pix for various datasets.

Language: Python - Size: 31.5 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 123 - Forks: 33

Miaad2004/From-Edges-to-Cats-Pix2Pix-Image-Translation-in-TensorFlow

Generating cat images from sketches using a conditional generative adversarial network (pix2pix) in TensorFlow

Language: Jupyter Notebook - Size: 257 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

dikshantsagar/CGAN-Face-Emotion-Generation

Generating Photorealistic Facial Images with specified emotions using CGAN.

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 10 - Forks: 3

RahulBhalley/progressive-growing-of-gans.pytorch

ProGAN with Standard, WGAN, WGAN-GP, LSGAN, BEGAN, DRAGAN, Conditional GAN, InfoGAN, and Auxiliary Classifier GAN training methods

Language: Python - Size: 17.5 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 52 - Forks: 6

fraxea/pix2pix

Conditional GAN for Segmented to Real Image Translation

Language: Jupyter Notebook - Size: 9.59 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Manohara-Ai/Conditional_GAN

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

Language: Python - Size: 369 KB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

YeongHyeon/CGAN-TF

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

Language: Python - Size: 3.81 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 0

tlatkowski/gans-2.0

Generative Adversarial Networks in TensorFlow 2.0

Language: Python - Size: 76.7 MB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 78 - Forks: 14

sondosaabed/SQL-Injection-Attack-Detection

Introduction to generative adversial network

Language: Jupyter Notebook - Size: 667 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 7 - Forks: 0

Abhinand-p/Fingerprint-Synthetic-Generator

A project focused on generating synthetic fingerprint images using deep learning and image processing techniques. Aims to create realistic fingerprints for use in biometric research, security testing, and dataset augmentation.

Language: Jupyter Notebook - Size: 6.24 GB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 1

deepmancer/diffusion-gan-vae-pytorch

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

Language: Jupyter Notebook - Size: 20.6 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 4 - Forks: 0

inventwithdean/ConditionalGAN

A conditional Deep Convolutional GAN to generate digits.

Language: Jupyter Notebook - Size: 4.59 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Karthi-DStech/GAN-Driven-Biomaterial-Discovery

This repository encompasses a comprehensive research of Generative Adversarial Networks (GANs) for Biomaterial Discovery. Our research delves into the generation of intricate biomaterial topographies through the innovative application of AI/ML techniques. Discover our findings, code implementations and datasets in this repository!

Language: Jupyter Notebook - Size: 321 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Matesxs/GAN-Playground

This repository is about different types of GANs in pytorch, their proper settings and training results

Language: Python - Size: 31.8 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 2

HayatiYrtgl/CGAN

Condutional gan for generating images from sketch

Language: Python - Size: 8.42 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

yiren-jian/EmbedHalluc

[NAACL 2022] Embedding Hallucination for Few-shot Language Learning

Language: Python - Size: 599 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 1

karthik-d/lesion-characterization-using-cgan

Analysis of Skin Lesion Images to segment lesion regions and classify lesion type using adversarial deep learning.

Language: Jupyter Notebook - Size: 71.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

rohankalbag/advanced-machine-learning

Advanced Topics in Machine Learning - Autumn Semester 2023 - Indian Institute of Technology Bombay

Language: Jupyter Notebook - Size: 48.7 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

rharish101/mnist-gan 📦

A template repository for GANs

Language: Python - Size: 445 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

znxlwm/tensorflow-pix2pix

Tensorflow implementation of pix2pix for various datasets.

Language: Python - Size: 30.7 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 3

JersonGB22/ConditionalGAN-TensorFlow-PyTorch

Language: Jupyter Notebook - Size: 5.31 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

hieuGoku/Pix2Pix-Denoising-and-Super-Resolution

Study and Try Pix2Pix (cGAN Loss, L1 Loss, Unet, Patch GAN, PSNR) with KITTI dataset for Denoising and Super-Resolution

Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 1

vasukalariya/Generative-Modelling

Implementation of various generative models using PyTorch.

Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

suryansh-sinha/Conditional-DCGAN

A Conditional Deep Convolutional Generative Adversarial Network implemented in PyTorch, trained on the Fashion MNIST dataset.

Language: Jupyter Notebook - Size: 917 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

hrithickcodes/pix2pix

This project uses a conditional generative adversarial network (cGAN) named Pix2Pix for the Image to image translation task.

Language: Jupyter Notebook - Size: 5.41 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 28 - Forks: 3

neuralchen/SNGAN_Projection

An unofficial PyTorch implementation of SNGAN (ICLR 2018) and cGANs with projection discriminator (ICLR 2018)

Language: Python - Size: 1.13 MB - Last synced at: 4 days ago - Pushed at: over 5 years ago - Stars: 19 - Forks: 2

soochan-lee/MR-GAN

Official PyTorch implementation of Harmonizing Maximum Likelihood with GANs for Multimodal Conditional Generation (ICLR 2019)

Language: Python - Size: 675 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 91 - Forks: 7

stante/gans-in-action-pytorch

Examples from the book GANs in Action written in PyTorch

Language: Jupyter Notebook - Size: 4.95 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

ChryssaNab/Image-Colorization

PyTorch implementation of Conditional Generative Adversarial Networks (cGAN) for image colorization of the MS COCO dataset

Language: Python - Size: 3.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

sandipan211/ZSD-SC-Resolver

Resolving semantic confusions for improved zero-shot detection (BMVC 2022)

Language: Python - Size: 77 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 20 - Forks: 4

CristianCosci/Generative_Adversarial_Networks_GAN__Overview

A small overview of what GANs and their main variants are, with related implementations.

Language: Python - Size: 99.8 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 1

DeathReaper0965/Image-Enhancer-using-CGAN

This repo contains code for enhancing a degraded image using CGAN

Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

moein-shariatnia/Deep-Learning

In-depth tutorials on deep learning. The first one is about image colorization using GANs (Generative Adversarial Nets).

Language: Jupyter Notebook - Size: 22.2 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 142 - Forks: 50

nikhilroxtomar/GAN-in-TensorFlow

Implementation of different GANs using TensorFlow

Language: Python - Size: 4.33 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

msabvid/SigFiltering

Sampling from the solution of the Zakai equation, using the Signature and Conditional Wasserstein GANs

Language: Python - Size: 208 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

krzysztofhewelt/ai-python-notebooks

Logistic regression, deep learning, YOLO, Recursive Neural Networks, GAN and Conditional GAN

Language: Jupyter Notebook - Size: 9.81 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

dvircohen0/Playing-With-GANs

Implementation of different types of GANs in TensorFlow and Pyrorch

Language: Jupyter Notebook - Size: 40.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

div5yesh/nouns-fmri-activations

Estimating brain activity for a stimulus as measured by fMRI using a volumetric conditional Generative Adversarial Network (GAN) model.

Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

FangYang970206/Anime_GAN

GAN models with Anime.

Language: Python - Size: 2.67 MB - Last synced at: 10 months ago - Pushed at: over 5 years ago - Stars: 62 - 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: over 7 years ago - Stars: 60 - Forks: 19

shamim-hussain/generative_neural_networks

Investigation into Generative Neural Networks.

Language: Python - Size: 119 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

akashe/UnsupervisedLearning

Language: Jupyter Notebook - Size: 34.1 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

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: about 2 years ago - Stars: 349 - Forks: 103

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

zhangqianhui/Conditional-GAN

Tensorflow implementation for Conditional Convolutional Adversarial Networks.

Language: Python - Size: 54.6 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 213 - Forks: 87

ZahraFarahzadii/Types-of-GAN

Language: Jupyter Notebook - Size: 42.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

LuChang-CS/MTGAN

Code for the paper: Multi-Label Clinical Time-Series Generation via Conditional GAN

Language: Python - Size: 671 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 7

minggli/gan

Conditional GAN, Wasserstein distance and Gradient Penalty in tensorflow

Language: Python - Size: 69.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

alizindari/Bifurcated-Auto-Encoder

A bifurcated auto-encoder based on channel-wise and spatial-wise attention mechanism with synthetically generated data for segmentation of covid-19 infected regions in CT images

Language: Jupyter Notebook - Size: 419 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

PhVHoang/Pixel-SkelNetOn-cGAN-pytorch

Generative Adversarial Network with Pytorch

Language: Python - Size: 7.01 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 3

ilkerkesen/GAN

Generative Adversarial Networks in Knet

Language: Julia - Size: 79.1 KB - Last synced at: 26 days ago - Pushed at: almost 6 years ago - Stars: 13 - Forks: 3

minz95/keras-IconGAN

keras tensorflow implementation for Adversarial Colorization of Icons Based On Structure And Color Conditions

Language: Python - Size: 1.65 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

SharifAmit/RVGAN

[MICCAI'21] [Tensorflow] Retinal Vessel Segmentation using a Novel Multi-scale Generative Adversarial Network

Language: Python - Size: 243 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 74 - Forks: 22

manideep2510/cGAN_mnist

Generation of MNIST like digits using Conditional Generative Adversarial Nets

Language: Python - Size: 5.25 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 2

Ling-Bao/ACSCP_cGAN

Code implementation for paper that "ACSCS: Crowd Counting via Adversarial Cross-Scale Consistency Pursuit"; This is method of Crowd counting by conditional generation adversarial networks

Language: Python - Size: 65.6 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 35 - Forks: 16

arka57/pix2pix-Pytorch

Image to Image translation task performed in Pix2Pix model using conditional Generative Adversarial Network(cGAN). Streemap image is generated from corresponding Google satellite image

Language: Python - Size: 996 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

ttaoREtw/Text-to-Image-using-Conditional-DCGAN

Conditional Generative Adversarial Networks (txt2img using conditional DCGAN).

Language: Python - Size: 1.12 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

MJAHMADEE/Conditional_DCGAN

Conditional DCGAN

Language: Python - Size: 1.56 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

Ayush-Kaushal/ConditionalGAN-MNIST

Generating handwritten digits using Conditional GAN in PyTorch.

Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

HMS97/Conditional-GAN

Conditional Generation of MNIST images using conditional GAN in PyTorch 1.6.

Language: Python - Size: 43.9 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

theavicaster/featurehallucination-cgan

Uses C-GAN for feature hallucination of missing modalities for hyperspectral data. TensorFlow implementation of ICCV '19 paper

Language: Python - Size: 564 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 1

sarahwolf32/conditional-DCGAN-for-MNIST

A conditional DCGAN, in Tensorflow, for generating hand-written digits from the MNIST dataset.

Language: Python - Size: 240 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 5

matusstas/cGAN

Tensorflow implementation of Conditional GAN trained on MNIST dataset

Language: Jupyter Notebook - Size: 23.6 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

georgehalal/cWGAN-GP

A conditional Wasserstein Generative Adversarial Network with gradient penalty (cWGAN-GP) for stochastic generation of galaxy properties in wide-field surveys

Language: Python - Size: 190 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 0

shantanu1109/Coursera-DeepLearning.AI-GANs-Specialization

This Repository Contains Solution to the Assignments of the Generative Adversarial Networks (GANs) Specialization from deeplearning.ai on Coursera Taught by Sharon Zhou, Eda Zhou, Eric Zelikman

Language: Jupyter Notebook - Size: 85.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Karan-Choudhary/Sketchs_to_ColorImages

Sketch to Color Image generation is an image-to-image translation model using Conditional Generative Adversarial Networks

Language: Jupyter Notebook - Size: 5.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

andi611/Conditional-SpecGAN-Tensorflow

Text-to-Speech Synthesis by Generating Spectrograms using Generative Adversarial Network

Language: Python - Size: 1.83 MB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 6

NicelyCla/cWGAN-gp

My version of cWGAN-gp. Simply my cDCGAN-based but using the Wasserstein Loss and gradient penalty.

Language: Python - Size: 242 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

hanyoseob/youtube-cnn-006-pytorch-pix2pix

[CNN PROGRAMMING] 006 - pix2pix

Language: Python - Size: 14.6 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 4

IAMIQBAL/Generative-Adversarial-Networks

Implementations of Generative Adversarial Networks and AutoEncoders in Pytorch

Language: Jupyter Notebook - Size: 81.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 1

qbxlvnf11/conditional-GAN

Pytorch implementation of Conditional-GAN (CGAN)

Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 0

ptran1203/fxgan

Data augmentation for Chestx-ray classification using GAN

Language: Python - Size: 31.3 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 2

crisbodnar/text-to-image

Text to Image Synthesis using Generative Adversarial Networks

Language: Python - Size: 24.3 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 74 - Forks: 28

astra-vision/ManiFest

Few-shot image translation method working on unstructured environments. ECCV 2022

Language: Python - Size: 232 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 44 - Forks: 3

SharifAmit/Fundus2Angio

[ISVC'20] [Tensorflow] Generating Fluroscein Angiography from Fundus Photography using Conditional GAN

Language: Python - Size: 4.73 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 5

soumik12345/Image-Depth-Prediction

Language: Jupyter Notebook - Size: 15 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 3

dvlab-research/SCGAN

The implementation of 'Image synthesis via semantic composition', ICCV2021.

Language: Python - Size: 1.96 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 72 - Forks: 6

eugene87222/NYCU_2021spring_Deep_Learning_and_Practice

Language: Python - Size: 58.3 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 1

js0753/Image2Image

CSE527 Assignment for Implementing Image to Image translation using conditional GAN based on pix2pix paper

Language: Jupyter Notebook - Size: 645 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AgustinGrillo/image-based-fsd

Development of an image-based autonomous driving system for an e-FSAE.

Language: Python - Size: 308 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

Vishwesh4/Everybody-dance-now

Implementation of paper everybody dance now for Deep learning course project

Language: Jupyter Notebook - Size: 13.5 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 13

anisha2102/sketch2face

Conversion of sketches to photos using GANs.

Language: Jupyter Notebook - Size: 692 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 16 - Forks: 5

manishankarbalu/c-DCGAN

We use Conditional-DCGAN to generate animated faces :couple: and emojis :smiley: using pytorch

Language: Jupyter Notebook - Size: 20.4 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 7 - Forks: 5

chenyz0601/DL-RockClassification

conditional GAN for rock classification

Language: Jupyter Notebook - Size: 24.1 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 3

pranavphoenix/Pix2Pix-Image-Video-Colourizing

Using Pix2Pix Conditional GAN architecture to colourize image using Places365 dataset and use that model to colourize video clips

Language: Jupyter Notebook - Size: 1.57 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

SachaIZADI/colorful-world-pix2pix

Conditional Generative Adversarial Networks for Image Colorization

Language: Python - Size: 25.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 2

Related Keywords
conditional-gan 125 gan 71 generative-adversarial-network 49 pytorch 43 deep-learning 37 tensorflow 26 dcgan 24 cgan 19 pix2pix 18 mnist 17 gans 15 python 15 wgan 11 machine-learning 10 generative-model 10 generative-adversarial-networks 9 wgan-gp 8 wasserstein-gan 7 computer-vision 7 unet 7 keras 7 cdcgan 6 image-generation 6 image-to-image-translation 5 python3 5 generator 4 discriminator 4 vanilla-gan 4 celeba 4 u-net 4 tensorflow2 4 neural-network 4 mnist-dataset 4 infogan 4 image-translation 4 artificial-intelligence 4 pytorch-implementation 4 anime 3 medical-imaging 3 cycle-gan 3 pytorch-gan 3 dc-gan 3 pix2pix-tensorflow 3 vae 3 auxiliary-classifier-gan 3 style-transfer 3 gradient-penalty 3 cnn 3 cyclegan 3 cifar10 3 image-colorization 3 deep-neural-networks 3 began 3 acgan 3 dcgan-pytorch 3 fashion-mnist 3 adversarial-learning 3 conditional-dcgan 3 few-shot-learning 3 keras-tensorflow 3 wasserstein-distance 3 ddpg 2 numpy 2 dqn 2 infogan-pytorch 2 image-synthesis 2 floydhub 2 dcgan-tensorflow 2 srgan 2 cityscapes 2 patch-gan 2 tensorflow-examples 2 controllable-generation 2 restricted-boltzmann-machine 2 unsupervised-learning 2 variational-autoencoder 2 tensorflow-2 2 ai 2 conditional-diffusion 2 from-scratch 2 cgan-mnist 2 image-processing 2 tensorflow-pix2pix 2 sngan 2 deeplearning 2 stylegan 2 diffusion-models 2 gaugan 2 data-augmentation 2 colorization 2 convolutional-neural-networks 2 imbalanced-data 2 lsgan 2 dragan 2 text-to-image 2 crowd-counting 2 generative-models 2 nlp-machine-learning 2 gan-tutorial 2 nlp 2