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

Topic: "pytorch-gan"

aladdinpersson/Machine-Learning-Collection

A resource for learning about Machine learning & Deep Learning

Language: Python - Size: 118 MB - Last synced at: 11 days ago - Pushed at: 8 months ago - Stars: 8,033 - Forks: 2,749

fendouai/PyTorchDocs

PyTorch 官方中文教程包含 60 分钟快速入门教程,强化教程,计算机视觉,自然语言处理,生成对抗网络,强化学习。欢迎 Star,Fork!

Language: Python - Size: 7.47 MB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 2,625 - Forks: 711

aitorzip/PyTorch-SRGAN

A modern PyTorch implementation of SRGAN

Language: Python - Size: 146 MB - Last synced at: 12 days ago - Pushed at: over 7 years ago - Stars: 363 - Forks: 92

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

akshitac8/tfvaegan

[ECCV 2020] Official Pytorch implementation for "Latent Embedding Feedback and Discriminative Features for Zero-Shot Classification". SOTA results for ZSL and GZSL

Language: Python - Size: 1000 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 124 - Forks: 29

nikhilbarhate99/Deterministic-GAIL-PyTorch

PyTorch implementation of Deterministic Generative Adversarial Imitation Learning (GAIL) for Off Policy learning

Language: Python - Size: 34.2 MB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 66 - Forks: 16

christopher-beckham/hologan-pytorch

Non-official + minimal reimplementation of HoloGAN by Nguyen-Phuoc, et al: https://arxiv.org/abs/1904.01326

Language: Python - Size: 4.69 MB - Last synced at: 15 days ago - Pushed at: almost 5 years ago - Stars: 65 - Forks: 7

hanyoseob/pytorch-noise2void

Noise2Void - Learning Denoising from Single Noisy Images

Language: Python - Size: 37.1 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 60 - Forks: 9

budui/Human-Pose-Transfer

Implement Human Pose Transfer papers with Pytorch

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

ivclab/BigGAN-Generator-Pretrained-Pytorch

Pytorch implementation of BigGAN Generator with pretrained weights

Language: Python - Size: 1.05 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 39 - Forks: 4

gcucurull/cond-wgan-gp

Pytorch implementation of a Conditional WGAN with Gradient Penalty

Language: Python - Size: 461 KB - Last synced at: 22 days ago - Pushed at: over 5 years ago - Stars: 37 - Forks: 7

inmoonlight/PyTorchTutorial

PyTorch Tutorial for beginners

Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 30 - Forks: 24

hanyoseob/pytorch-CycleGAN

Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks

Language: Python - Size: 1.56 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 14 - Forks: 11

h3lio5/gan-pytorch

Implementation of the paper "Generative Adversarial Networks — Goodfellow et al. (2014)" in Pytorch

Language: Python - Size: 2.35 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 3

colinpcurtis/datares_GANs

pix2pix and Cycle GAN architectures for image style transfer

Language: Python - Size: 646 MB - Last synced at: 2 days ago - Pushed at: almost 4 years ago - Stars: 13 - Forks: 3

sukkritsharmaofficial/SuperResGAN

Enhanced Super-Resolution Generative Adversarial Networks

Language: Python - Size: 119 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 13 - Forks: 5

hanyoseob/pytorch-WGAN-GP

Improved Training of Wasserstein GANs

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

aditya30394/Person-Re-Identification

Person re-identification, a tool used in intelligent video surveillance, is the task of correctly identifying individuals across multiple images captured under varied scenarios from multiple cameras. Solving this problem is inherently a challenging one because of the issues posed to it by low resolution images, illumination changes per image, unconstrained pose and occlusions.

Language: Python - Size: 50.6 MB - Last synced at: 2 days ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 7

Yangyangii/MachineLearningTutorial

Tutorial for machine learning with python

Language: Jupyter Notebook - Size: 169 KB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 13 - Forks: 11

avhirupc/Progressive-Growing-Of-GANs-Pytorch-

Progressively growing of GANs Pytorch Implementation

Language: Python - Size: 72.3 KB - Last synced at: 20 days ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 2

hanyoseob/pytorch-noise2noise

Noise2Noise: Learning Image Restoration without Clean Data

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

ChenLiu-1996/GAN-evaluator

A pip-installable evaluator for GANs (IS and FID). Accepts either dataloaders or individual batches. Supports on-the-fly evaluation during training. A working DCGAN SVHN demo script provided.

Language: Python - Size: 778 KB - Last synced at: 3 days ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 0

davidiommi/Panda-3D-GAN-Pytorch 📦

PANDA (Pytorch) pipeline, is a computational toolbox (MATLAB + pytorch) for generating PET navigators using Generative Adversarial networks.

Language: Python - Size: 4.89 MB - Last synced at: 8 days ago - Pushed at: almost 4 years ago - Stars: 9 - Forks: 5

ashukid/Conditional-GAN-pytorch

Implementation of Conditional DCGAN for Dog Dataset

Language: Jupyter Notebook - Size: 581 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 2

itsayushthada/Text-To-Image

A Pytorch based toy project for caption to image generator using th GAN-CLS. Flickr-30K has been used for the image generation.

Language: Python - Size: 18.6 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 2

imsanjoykb/PyTorch-Ford

PyTorch Bootcamp

Language: Jupyter Notebook - Size: 1.48 MB - Last synced at: 12 days ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 1

hanyoseob/pytorch-SNGAN

Spectral Normalization for Generative Adversarial Networks

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

hanyoseob/pytorch-StarGAN

StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation

Language: Python - Size: 4.05 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 12

andreiliphd/gan-faces-generator

Generate new faces using GAN made in PyTorch.

Language: HTML - Size: 641 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 1

hanyoseob/pytorch-pix2pix

Image-to-Image Translation with Conditional Adversarial Networks

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

hanyoseob/pytorch-DCGAN

Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks

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

smlra-kjsce/Introduction-to-VAEs-and-GANs

Repository of all notebooks used in the GANs and VAEs event.

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

Ksuryateja/AdvExGAN

Adversarial Attack using a DCGAN

Language: Python - Size: 411 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

mohd-faizy/PyTorch-Essentials

Welcome to the Pytorch Essentials repository! This Repo aims to cover fundamental to advanced topics related to PyTorch, providing comprehensive resources for learning and mastering this powerful deep learning framework.

Language: Jupyter Notebook - Size: 123 MB - Last synced at: 19 days ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

s-mostafa-a/pytorch_learning

Trying to learn PyTorch

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

parikshitkumar1/Image-Generation-using-Generative-Networks

A web-app based on Wasserstein Generative Adversarial Network architecture with GP that generates multiple realistic paintings, trained on 8k Albrecht Dürer's paintings, includes super-res mode.

Language: Python - Size: 32.2 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

hanyoseob/youtube-cnn-005-pytorch-GAN

[CNN PROGRAMMING] 005 - DCGAN

Language: Python - Size: 535 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 6

MonitSharma/Learn-Machine-Learning-with-Me

A series of code examples for all sorts of machine learning tasks and applications

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

MatteoM95/Real-time-Domain-Adaptation-in-Semantic-Segmentation

A class-based styling approach for Real-Time Domain Adaptation in Semantic Segmentation applied within the realm of autonomous driving solutions. Final project from MLDL course 2020/2021

Language: Python - Size: 5.52 GB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Vrushank264/GANs-PyTorch

PyTorch implementation of various GAN architectures.

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

parikshitkumar1/0x9_Generator

A web-app that uses a vanilla generative adversarial network and unsupervised learning to generate random 28X28x1 plasma style images of digits from 0 to 9

Language: Python - Size: 6.06 MB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

nsarang/gan_implementations

Implementations of Generative Adversarial Networks (GANs)

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

Surya-Prakash-Reddy/Face-Generation

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

ThisisLandu/GAN_Tutorial

GAN_Tutorials(Vanilla GAN, cGAN, DCGAN, etc...) with Pytorch

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 1

rudrasohan/Function-Forger

A Generative Adverserial Network for modelling any distribution.

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

ahammadmejbah/The-90-Day-PyTorch-Mastery-Roadmap

Embark on a 90-day journey to master PyTorch! From tensor basics to advanced deep learning, each day offers lessons, hands-on exercises, and curated resources. Gain practical skills to confidently build, train, and deploy models across diverse applications.

Language: Jupyter Notebook - Size: 33.2 MB - Last synced at: 7 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

priyanshu-kr/jovian_DeepLearning

This repository contains all the work I have done during the course Deep Learning with PyTorch : Zero to GANs under Jovian.ai.

Language: Jupyter Notebook - Size: 940 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

vidit1999/torch-mnist-gan

PyTorch Generative Adversarial Network trained on MNIST Handwritten Digits Dataset

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

eosay/poke-GAN

A Vanilla Generative Adversarial Network(GAN) for generating images of Pokemon

Language: Python - Size: 574 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

parikshitkumar1/Generative_Modeling

Generative Modeling using GANs, DCGANs, WGAN, WGAN-GP, ProGAN, Conditional GANs and Controllable Generation.

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

jonathanmendoza-tx/artificial-artist-ds Fork of BloomTech-Labs/artificial-artist-ds

Creates unique music videos, using a generative adversarial network.

Language: Python - Size: 1.95 MB - Last synced at: 8 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

phreakyphoenix/Face-Generation

DCGAN architecture to generate faces from CelebA dataset, made with :heart: in PyTorch. Do :star2: the repo if you find it useful.

Language: HTML - Size: 24.9 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

djin31/pytorch_examples

A collection of Jupyter notebooks for common machine learning architectures in Pytorch.

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

ierezell/PapierFewShot 📦

Reimplementation in pytorch of the paper https://arxiv.org/pdf/1905.08233.pdf

Language: Python - Size: 89.7 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

MarvinMartin24/GAN_FASHION_MNIST

Fashion images Generator AI using Pytorch

Language: Jupyter Notebook - Size: 47.4 MB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

Iamsdt/StickerGenerator

An Android App where the user can generate a grid of sticker image, and the user can also save that image for further uses. In the backend gan model is used to generate new Images and by using rest API those images bring to android app.

Language: Kotlin - Size: 33.9 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

1M50RRY/pokenerator

Pokemon Generator

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

SanyamSwami123/GANs_Specialization

Gans Specialization course by deeplearning.ai: solved assignments and labs

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

explainingai-code/GANs-Pytorch

This repo implements a simple GAN with fc layers and trains it on MNIST

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

PatzEdi/InfinityCoins

A scratch GAN to generate images of mixed world coins using PyTorch

Language: Python - Size: 1010 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sobhanshukueian/GAN

Simple generative adversarial network implementation using pytorch on MNIST dataset.

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

anantoj/pytorch-mini-projects

A collection of small-scale projects that helped me learn the basics of the PyTorch framework

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

Programmer-RD-AI-Archive/Segmented-Bob-Ross-Paintings

Segmented-Bob-Ross-Paintings

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

s-chh/Pytorch-Vanilla-GAN

Pytorch implementation of Vanilla-GAN for MNIST, FashionMNIST, and USPS dataset.

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

s-chh/Pytorch-SmallGAN

Pytorch implementation of a small GAN network for MNIST, FashionMNIST, and USPS dataset.

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

dnwjddl/pytorch-in-DeepLearning

🌱CNN, GAN, RNN, DQN, Autoencoder, ResNet, Seq2Seq, Adversarial Attack IN PYTORCH

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

0jk6/sharinGAN

A Generative Adversarial Network implementation that generates Sharingans

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

udeepam/gan

Theory and PyTorch implementations of Generative Adversarial Networks.

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

Intelligent-Systems-Phystech/BasicDeepNets 📦

Basic neural nets, explained and implemented

Language: Jupyter Notebook - Size: 20.1 MB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 3

code-asc/DCGAN

Language: Python - Size: 12.7 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

hghimanshu/DCGANS

GAN implementation of some datasets like CIFAR10, MNIST etc

Language: Python - Size: 22.1 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

pia/CycleGAN

Pytorch implementation of CycleGAN

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

Hydrino/ACGAN_mnist

An Auxiliary Classifier GAN (ACGAN) in pytorch to generate MNIST digits.

Language: Python - Size: 177 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

Ashish-Gupta03/GAN

Basic code for Generative Adversarial Networks (GANs) in PyTorch

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

nikhilbarhate99/photo2art

CycleGAN with PyTorch

Language: Python - Size: 304 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

cedrickchee/RelativisticGAN Fork of AlexiaJM/RelativisticGAN

Code for replication of the paper "The relativistic discriminator: a key element missing from standard GAN"

Language: Python - Size: 1.42 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

ResByte/pytorch-generative-model-collections Fork of znxlwm/pytorch-generative-model-collections

Collection of generative models in Pytorch version.

Language: Python - Size: 124 MB - Last synced at: 15 days ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

amoldamare/Optimizing-GAN-using-Nestorov-Dual-averaging

Applying Dual averaging method to Saddle point problem in GAN

Language: TeX - Size: 2.29 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

Related Topics
pytorch 47 gan 32 deep-learning 26 generative-adversarial-network 25 pytorch-implementation 19 pytorch-cnn 13 dcgan 13 gans 13 deep-neural-networks 13 pytorch-tutorial 10 machine-learning 9 python 9 pytorch-tutorials 6 convolutional-neural-networks 6 wgan-gp 5 pytorch-implmention 5 dcgan-pytorch 5 unsupervised-learning 4 pytorch-nlp 4 mnist 3 conditional-gan 3 cnn 3 super-resolution 3 python3 3 generative-adversarial-networks 3 adversarial-networks 3 neural-network 3 reinforcement-learning 3 face-generation 3 generative-model 3 ai 3 data-science 2 computer-vision 2 tensorflow-tutorials 2 biggan 2 tensorflow2 2 torchvision 2 cuda 2 machine-learning-algorithms 2 streamlit-webapp 2 gan-pytorch 2 autoencoder 2 celeba 2 vanilla-gan 2 pokemon 2 pix2pix 2 image-classification 2 wgan 2 vae 1 pytorch-examples 1 tensorflow-examples 1 generative-models 1 hologan 1 inverse-graphics 1 pytorch-lightning 1 pytorch-project-template 1 bob-ross 1 cv2 1 learning 1 learning-by-doing 1 paint 1 painting 1 wandb 1 deep-reinforcement-learning 1 gail 1 gym 1 imitation-learning 1 openai-gym 1 word2vec 1 pytorch-small-gan 1 small-gan 1 tiny-gan 1 naruto 1 pytorch-dcgan 1 keras-gan 1 gpu 1 jupyter-notebook 1 pytorch-cgan 1 srgan 1 cycle-gan 1 resnets 1 flickr-photos 1 text-to-image 1 fashion-mnist 1 3dgan 1 cgans 1 neuroimaging 1 music-visualization 1 music-visualizer 1 cwgan-gp 1 keras-tutorials 1 pytorch-classification 1 pytorch-cv 1 artificial-intelligence 1 data-engineering 1 data-visualization 1 deep-learning-algorithms 1 python-3 1 evaluation-framework 1 evaluation-metrics 1