Ecosyste.ms: Repos

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

GitHub topics: discriminator

PraneetNeuro/DC-GAN

A python package that'll help you train DCGAN models with your own image based data.

Language: Python - Size: 24.4 KB - Last synced: 11 days ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

dmitry-bym/JsonKnownTypes

Simple way to serialize and deserialize polymorphic types for Json.NET

Language: C# - Size: 125 KB - Last synced: 9 days ago - Pushed: 21 days ago - Stars: 41 - Forks: 8

ThinamXx/GAN

I have prepared a Deep Convolutional Generative Adversarial Networks here.

Language: Jupyter Notebook - Size: 1.9 MB - Last synced: 27 days ago - Pushed: over 2 years ago - Stars: 7 - Forks: 3

jahelsantiago/MINST-GANs

In this project we created a Generative adversal neural network that can generate hand written numbers based on the Minst data set.

Language: Jupyter Notebook - Size: 18.3 MB - Last synced: 27 days ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

ericyoc/gan_mnist_gen_all_digits

Generative Adversarial Network to generate handwritten digit images similar to the MNIST dataset.

Language: Jupyter Notebook - Size: 438 KB - Last synced: 28 days ago - Pushed: 28 days ago - Stars: 0 - Forks: 0

GlassyWing/ogan-torch

An unofficial pytorch implementation for OGAN

Language: Python - Size: 3.81 MB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 8 - Forks: 1

ShrutiSemwal/GAN-MNIST

Language: Jupyter Notebook - Size: 38.1 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

akutz/gdj

Golang's "encoding/json" package with support for discriminators

Language: Go - Size: 248 KB - Last synced: about 1 month ago - Pushed: 8 months ago - Stars: 1 - Forks: 2

victor369basu/CycleGAN-with-Self-Attention

In this repository, I have developed a CycleGAN architecture with embedded Self-Attention Layers, that could solve three different complex tasks. Here the same principle Neural Network architecture has been used to solve the three different task. Although truth be told, my model has not exceeded any state of the art performances for the given task, but the architecture was powerful enough to understand the task that has been given to solve and produce considerably good results.

Language: Python - Size: 37.1 MB - Last synced: 24 days ago - Pushed: over 2 years ago - Stars: 21 - Forks: 1

Lornatang/WassersteinGAN_GP-PyTorch

Improved training of Wasserstein GANs

Language: Python - Size: 635 KB - Last synced: 20 days ago - Pushed: almost 3 years ago - Stars: 43 - Forks: 11

shayneobrien/generative-models

Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN

Language: Jupyter Notebook - Size: 143 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 493 - Forks: 75

byrnedo/pjson

Helps to easily JSON marshal / unmarshal tagged unions in go

Language: Go - Size: 43.9 KB - Last synced: about 1 month ago - Pushed: about 1 year ago - Stars: 9 - Forks: 0

Lornatang/WassersteinGAN-PyTorch

This is a new alogorithm named WGAN, an alternative to traditional GAN training!

Language: Python - Size: 656 KB - Last synced: 24 days ago - Pushed: over 3 years ago - Stars: 7 - Forks: 2

microsoft/UDA

Unsupervised Domain Adaptation for Computer Vision Tasks

Language: Python - Size: 4.73 MB - Last synced: about 2 months ago - Pushed: almost 2 years ago - Stars: 94 - Forks: 15

ErwanDavidCode/GAN_cat_image_generator

This Python project uses the PyTorch library to generate unique cat images using GAN technology.

Language: Jupyter Notebook - Size: 763 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

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: 2 months ago - Pushed: 2 months ago - Stars: 1 - Forks: 0

nisrinaishmh/Build-an-Image-Style-Transfer-Tool-using-CycleGANs

We will visualize the style transfer output produced by monet_generator_model. We take 5 sample images that are photos of beautiful landscapes in the original dataset and feed them to the model.

Language: Jupyter Notebook - Size: 1.48 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

GeorgiosIoannouCoder/realesrgan

Implementation of the paper "Real-ESRGAN: Training Real-World Blind Super-Resolution with Pure Synthetic Data." 🖼️

Language: Python - Size: 21.8 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

martysai/artificial-text-detection

Python framework for artificial text detection: NLP approaches to compare natural text against generated by neural networks.

Language: Python - Size: 262 KB - Last synced: 5 days ago - Pushed: 9 months ago - Stars: 14 - Forks: 1

karaatanassov/go_polymorphic_json

Demonstration of using polymorphic JSON types with golang.

Language: Go - Size: 36.1 KB - Last synced: 4 months ago - Pushed: over 1 year ago - Stars: 9 - Forks: 0

Srihari123456/Edifice-Detection-on-Domain-translated-Satellite-Imagery

Language: Jupyter Notebook - Size: 18.3 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

RahulBhalley/progressive-growing-of-gans.pytorch

Unofficial PyTorch implementation of "Progressive Growing of GANs for Improved Quality, Stability, and Variation".

Language: Python - Size: 17.5 MB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 50 - Forks: 5

eddiejibson/limitrr

Light NodeJS rate limiting and response delaying using Redis - including Express middleware.

Language: JavaScript - Size: 701 KB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 204 - Forks: 9

tooth2/Celeb-Face-Generation

A PyTorch Implementation of DCGAN on a dataset of celebrity faces.

Language: Jupyter Notebook - Size: 214 KB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

tooth2/House-Number-Recognition

Using DCGAN, detect and recognize house number from google street view

Language: Jupyter Notebook - Size: 7.69 MB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

tooth2/Image2Image-Translation

A PyTorch implementation using CycleGAN architecture, to read in an image from a set X and transform it so that it looks as if it belongs in set Y .

Language: Jupyter Notebook - Size: 17.3 MB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

tooth2/Handwritten-digits-generation

a PyTorch implementation - handwriting number recognition with GAN model using MNIST Dataset

Language: Jupyter Notebook - Size: 2.7 MB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Yogeshpvt/Underwater-Robot-Captured-Image-Enhancement-using-Deep-Learning

Language: Jupyter Notebook - Size: 2.54 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 1 - Forks: 0

renan-siqueira/my-own-BEGAN-implementation

My own implementation of a GAN in the BEGAN architecture with pytorch

Language: Python - Size: 84 KB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 1 - Forks: 0

Melika-Zabihi/Gan_Project

A pytorch implementation of GAN

Language: Python - Size: 21.8 MB - Last synced: about 1 month ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

R-Haecker/latent-representations-of-articulations

Investigate mapping of articulations from the image space to the latent space using neural networks.

Language: Python - Size: 4.84 MB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

shusingh/Face-Generation-Using-GANs

In this project, we worked on generating realistic looking human faces using Generative Adversarial Networks.

Language: Jupyter Notebook - Size: 11.1 MB - Last synced: 7 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

vinodkkurmi/DiscriminatorDomainAdaptation

Language: Lua - Size: 1.69 MB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 10 - Forks: 8

mohit1997/DeepZip

NN based lossless compression

Language: Python - Size: 285 MB - Last synced: 7 months ago - Pushed: about 2 years ago - Stars: 121 - Forks: 24

LeoPits/GAN-Pytorch-Lightning

PyTorch Lightning implementations of Generative Adversarial Networks.

Language: Jupyter Notebook - Size: 21.6 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

imane-ayouni/Hand-written-Digits-Generation-using-GAN

A simple generative adversarial network to generate images of handwritten numbers

Language: Jupyter Notebook - Size: 74.2 KB - Last synced: 4 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

smit25/Paraphrase-Generation

Language: Python - Size: 132 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 6 - Forks: 0

anshdavid/pytorch-gan

DCGAN implementation

Language: Python - Size: 1.31 MB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

tmulc18/Simple-GANs

Generative Adversarial Nets

Language: Jupyter Notebook - Size: 1.14 MB - Last synced: 9 months ago - Pushed: almost 7 years ago - Stars: 5 - Forks: 0

EzioBy/glead

[CVPR 2023] GLeaD: Improving GANs with A Generator-Leading Task

Language: Python - Size: 7.91 MB - Last synced: 9 months ago - Pushed: 12 months ago - Stars: 30 - Forks: 2

DelTA-Lab-IITK/CD3A

Code for Curriculum based Dropout Discriminator for Domain Adaptation(CD3A), BMVC, 2019

Language: Lua - Size: 2.53 MB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 10 - Forks: 4

gholomia/MNIST-Drawer-DCGAN

Implementation of a deep convolutional generative adversarial network to draw MNIST characters using Tensorflow.

Language: Python - Size: 10.7 KB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 2 - Forks: 0

ankitesh97/GANS

This repository contains application based on various gans

Language: Python - Size: 22.2 MB - Last synced: 10 months ago - Pushed: about 6 years ago - Stars: 1 - Forks: 1

ChiaraVanderputten/Real-Time-Domain-Adaptation-in-Image-Segmentation

The main objective of this repository is to become familiar with the task of Domain Adaptation applied to the Real-time Semantic Segmentation networks.

Language: Python - Size: 2.68 MB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 1 - Forks: 0

NextTechLabAP/AI-Interior

AI-enabled Interior decoration, powered by CycleGANs. Built for @NextTechLabAP's #9Hacks!

Language: Python - Size: 1.02 MB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 9 - Forks: 6

gayist/lavish

discord python cog for discord tag finder , discrim finder , discrim lookup , tag lookup , 0001 lookup

Language: Python - Size: 4.88 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

ducc/DiscrimFarmer

Changes your discord username to get a different discriminator

Language: Go - Size: 4.88 KB - Last synced: 11 months ago - Pushed: over 6 years ago - Stars: 13 - Forks: 3

Moddy2024/Anime-Face-Generation

Anime Face Generation using GANS and Label Smoothing.

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

sukhijapiyush/Style-transfer-MRI-using-cyclegan

MRI style transfer from T1 to T2 and vice versa using CycleGAN(TensorFlow Implementation)

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

matusstas/cGAN

Tensorflow implementation of Conditional GAN trained on MNIST dataset

Language: Jupyter Notebook - Size: 23.6 MB - Last synced: 4 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

Matthew-Franks/Creating-Pokemon-With-DCGAN

Create images of Pokemon using a Deep Convolutional Generative Adversarial Network.

Language: Python - Size: 272 MB - Last synced: 4 months ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

ck44liu/gans-on-image-classification

Transfer Learning on GANs

Language: Jupyter Notebook - Size: 1.12 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 13 - Forks: 9

sssingh/mnist-digit-generation-gan

A Generative Adversarial Network (GAN) trained on the MNIST dataset, capable of creating fake but realistic looking MNIST digit images that appear to be drawn from the original dataset.

Language: Jupyter Notebook - Size: 5.46 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 1 - Forks: 0

ChibaniMohamed/fake_faces_DCGAN

Generate fake faces using generative adversarial network

Language: Python - Size: 147 KB - Last synced: 11 months ago - Pushed: over 3 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: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

micolrosini/Real-Time-Domain-Adaptation-in-Image-Segmentation

The main objective of this repository is to become familiar with the task of Domain Adaptation applied to the Real-time Semantic Segmentation networks.

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

tejasbana/ML-Anime_Face_Generation-Using-GANs

self-supervised learning to generate new anime faces using GANS

Language: Jupyter Notebook - Size: 69.8 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 0

braindotai/Real-Time-Super-Resolution

🔥 Real-time Super Resolution enhancement (4x) with content loss and relativistic adversarial optimization 🔥

Language: Jupyter Notebook - Size: 42.9 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 52 - Forks: 5

ayansengupta17/GAN

We aim to generate realistic images from text descriptions using GAN architecture. The network that we have designed is used for image generation for two datasets: MSCOCO and CUBS.

Language: HTML - Size: 1.3 MB - Last synced: 10 months ago - Pushed: about 6 years ago - Stars: 17 - Forks: 8

smdsbz/MultiviewDiscriminator 📦

(experimenting) A discriminator component for MultiView-GAN

Language: Jupyter Notebook - Size: 170 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

ramsrib/multi-tenant-app-demo

Demonstrates the discriminator field (shared schema) based multi-tenant application using Spring Boot & Hibernate 5.

Language: Java - Size: 49.8 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 66 - Forks: 27

DeathReaper0965/Digimon-Generator-GAN

This repo contains the code that generates Digimon images using the concept of GAN

Language: Jupyter Notebook - Size: 15.4 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 27 - Forks: 7

badass-techie/These-People-Do-Not-Exist

AI that generates human faces which have never been seen before. The future is now 😁

Language: Python - Size: 27.3 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 11 - Forks: 3

ibrahimjelliti/Deeplearning.ai-GAN-Specialization-Generative-Adversarial-Networks

This repository contains my full work and notes on Deeplearning.ai GAN Specialization (Generative Adversarial Networks)

Language: Jupyter Notebook - Size: 91.7 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 62 - Forks: 61

kpandey008/wasserstein-gans

Implementation of Wasserstein Generative Adversarial Networks using Tensorflow

Language: Jupyter Notebook - Size: 3.65 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 8 - Forks: 3

kochlisGit/Generative-Adversarial-Networks

Generation of Human-Like handwritten digits using different GAN Architectures. The models were developed using Low-Level Tensorflow.

Language: Python - Size: 38.5 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 5 - Forks: 3

ApurbaSengupta/Super-Resolution-Images

Generating super-resolution images using GANs

Language: Jupyter Notebook - Size: 362 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 12 - Forks: 3

pthariensflame/discrimination.rs

Generic worst-case-linear-time sorting and partitioning algorithms based on discriminators

Language: Rust - Size: 22.5 KB - Last synced: 15 days ago - Pushed: over 7 years ago - Stars: 3 - Forks: 0

wangyida/gan-depth-semantic3d

Adversarial Semantic Scene Completion from a Single Depth Image, accepted in 3DV 2018

Language: Python - Size: 57.1 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 38 - Forks: 12

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

Language: Jupyter Notebook - Size: 2.48 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 2

H3R3T1CS/Discrim-Bruteforce

Discord User Tag Discriminator Bruteforcer Program Written In Python3 By Anwir Prota, Chis & Father Satan.

Language: Python - Size: 1.95 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 2 - Forks: 1

kpandey008/dcgan

Implementation of Deep Convolutional Generative Adversarial Networks in Pytorch and Tensorflow

Language: Jupyter Notebook - Size: 2.19 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 5 - Forks: 1

0xpranjal/Generative-Adversarial-Network-from-Scratch

This repository is to demonstrate how we can create new images of a distribution of images with a Generative Adversarial Network (GAN)

Language: Jupyter Notebook - Size: 403 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 5 - Forks: 0

alex-lechner/PyTorch-GAN

Creating artificial images with a Generative Adversarial Network written in PyTorch.

Language: Python - Size: 304 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 7 - Forks: 6

Raj-7799/Image-Generation-using-GAN

This project aims at using a Deep Convolutional Generative Adversarial network for the purpose of generating image faces using the CelebFaces dataset.

Language: Jupyter Notebook - Size: 66.2 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 3 - Forks: 0

Encapsule/arccore

The @encapsule/arccore package contains runtime algorithms for schematizing, filtering, routing, and modeling strongly-typed in-memory data with mathematical graphs and JSON-serializable data types for use in Node.js and HTML5 application services implemented in JavaScript.

Size: 155 KB - Last synced: 22 days ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

parham1998/Generative_Adversarial_Networks

Implementation of some types of GANs (Deep convolutional GAN - Wasserstein GAN - conditional GAN) with PyTorch library

Language: Python - Size: 116 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

tanishqgautam/DCGAN

Pytorch implementation of official DCGAN.

Language: Python - Size: 6.84 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 3 - Forks: 0

ApurbaSengupta/DCGAN

Generating imaginary facial images using DCGAN

Language: Jupyter Notebook - Size: 2.96 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 2 - Forks: 0

ShivamShrirao/GANs_from_scratch

Different GAN implementation from scratch on my library

Language: Jupyter Notebook - Size: 49 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

pawangeek/Complete-Study-of-GANS

Goal is to learn all concepts of Generative adversarial networks

Language: Jupyter Notebook - Size: 2.41 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 4 - Forks: 4

uhw/discriminator-learn

An attempt to learn how to build discriminator networks for GAN

Language: Jupyter Notebook - Size: 11.9 MB - Last synced: about 1 month ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

rainmaker29/FaceGAN

A GAN that sythesizes new faces alike faces from celebA dataset

Language: Jupyter Notebook - Size: 171 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

paneedesign/discriminator-map-bundle

Dynamic DiscriminatorMap extender for Symfony with Doctrine ORM.

Language: PHP - Size: 478 KB - Last synced: 21 days ago - Pushed: almost 5 years ago - Stars: 2 - Forks: 3

tenolo/doctrine-discriminator-map-bundle

Language: PHP - Size: 49.8 KB - Last synced: about 1 month ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

himol7/GANs-Regret-Minimization

Probabilistic Future Video Frame Prediction using Generative Adversarial Networks by employing a regret minimization strategy for training GANs.

Size: 1020 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

DeathReaper0965/GAN

Implemented WGAN using the mnist database and tensorflow

Language: Jupyter Notebook - Size: 13.7 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

MuLx10/GenerativeAdverserialNetworks-MNIST

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

ramsrib/spring-boot-multi-tenant-demo

Multi-tenant App using Spring boot & hibernate.

Language: Java - Size: 49.8 KB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 0 - Forks: 0

Related Keywords
discriminator 89 generator 43 generative-adversarial-network 33 gan 33 deep-learning 18 pytorch 18 tensorflow 16 machine-learning 15 dcgan 11 python 10 gans 8 neural-network 8 wgan 7 cnn 7 mnist 5 deep-neural-networks 5 computer-vision 5 python3 4 adversarial-networks 4 wasserstein-gan 4 image-processing 4 batch-normalization 4 generative-model 4 domain-adaptation 4 json 4 cyclegan 3 conditional-gan 3 super-resolution 3 discord 3 adversarial-learning 3 stylegan 3 srgan 3 deeplearning 3 dcgan-tensorflow 3 generative 3 ai 3 golang 3 go 3 jupyter-notebook 3 convolutional-neural-networks 3 neural-networks 3 tensorboard 3 dcgan-pytorch 3 keras 3 adversarial-machine-learning 3 cgan 2 image-generator 2 image-generation 2 handwritten-digits 2 cycle-gan 2 lstm 2 esrgan 2 face-generation 2 wasserstein-distance 2 nvidia-gpu 2 relativistic-discriminator 2 pix2pix 2 spring-boot 2 multi-tenant 2 hibernate 2 celeba-dataset 2 discrim 2 wgan-gp 2 data-science 2 unsupervised-machine-learning 2 attention-mechanism 2 deep-convolutional-networks 2 architecture 2 unsupervised-learning 2 mnist-dataset 2 bundle 2 doctrine 2 real-time 2 symfony 2 pythorch 2 machine-learning-algorithms 2 image-segmentation 2 sentence 2 ragan 2 unet 2 anime-face-generation 2 inception-v3 1 relativistic-gan 1 style-loss 1 label-smoothing 1 semantic-segmentation 1 vggnet 1 cubs 1 mri-images 1 loss-functions 1 mscoco 1 mscoco-dataset 1 style-transfer 1 unet-keras 1 pseudo-labeling 1 skip-thought-vectors 1 stack-gan 1 meta-pseudo-label 1 from-scratch 1 tensrorflow 1