All Projects → yjchoe → alphaGAN

yjchoe / alphaGAN

Licence: MIT license
A PyTorch implementation of alpha-GAN

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to alphaGAN

GDPP
Generator loss to reduce mode-collapse and to improve the generated samples quality.
Stars: ✭ 32 (+113.33%)
Mutual labels:  generative-adversarial-networks, variational-autoencoders
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (+46.67%)
Mutual labels:  tensorboard
Hiddenlayer
Neural network graphs and training metrics for PyTorch, Tensorflow, and Keras.
Stars: ✭ 1,561 (+10306.67%)
Mutual labels:  tensorboard
Dynamic Training Bench
Simplify the training and tuning of Tensorflow models
Stars: ✭ 210 (+1300%)
Mutual labels:  tensorboard
Hypertunity
A toolset for black-box hyperparameter optimisation.
Stars: ✭ 119 (+693.33%)
Mutual labels:  tensorboard
Applied Reinforcement Learning
Reinforcement Learning and Decision Making tutorials explained at an intuitive level and with Jupyter Notebooks
Stars: ✭ 229 (+1426.67%)
Mutual labels:  tensorboard
Tensorboard Aggregator
Aggregate multiple tensorboard runs to new summary or csv files
Stars: ✭ 84 (+460%)
Mutual labels:  tensorboard
TensorFlow
Swift high-level API for TensorFlow.
Stars: ✭ 49 (+226.67%)
Mutual labels:  tensorboard
Torch-Scope
A Toolkit for Training, Tracking, Saving Models and Syncing Results
Stars: ✭ 62 (+313.33%)
Mutual labels:  tensorboard
Tensorflow And Deeplearning Tutorial
A TensorFlow & Deep Learning online course I taught in 2016
Stars: ✭ 2,337 (+15480%)
Mutual labels:  tensorboard
Tensorflow template application
TensorFlow template application for deep learning
Stars: ✭ 1,851 (+12240%)
Mutual labels:  tensorboard
Metarec
PyTorch Implementations For A Series Of Deep Learning-Based Recommendation Models (IN PROGRESS)
Stars: ✭ 120 (+700%)
Mutual labels:  tensorboard
Jupyterlab tensorboard
Tensorboard extension for jupyterlab.
Stars: ✭ 245 (+1533.33%)
Mutual labels:  tensorboard
Nvidia Gpu Tensor Core Accelerator Pytorch Opencv
A complete machine vision container that includes Jupyter notebooks with built-in code hinting, Anaconda, CUDA-X, TensorRT inference accelerator for Tensor cores, CuPy (GPU drop in replacement for Numpy), PyTorch, TF2, Tensorboard, and OpenCV for accelerated workloads on NVIDIA Tensor cores and GPUs.
Stars: ✭ 110 (+633.33%)
Mutual labels:  tensorboard
hub
Public reusable components for Polyaxon
Stars: ✭ 8 (-46.67%)
Mutual labels:  tensorboard
Deep Learning Training Gui
Train and predict your model on pre-trained deep learning models through the GUI (web app). No more many parameters, no more data preprocessing.
Stars: ✭ 85 (+466.67%)
Mutual labels:  tensorboard
Ml Projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
Stars: ✭ 127 (+746.67%)
Mutual labels:  tensorboard
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+1380%)
Mutual labels:  tensorboard
Google Colab tutorial
Google Colab tutorial with simple network training and Tensorboard.
Stars: ✭ 14 (-6.67%)
Mutual labels:  tensorboard
Fast-AgingGAN
A deep learning model to age faces in the wild, currently runs at 60+ fps on GPUs
Stars: ✭ 133 (+786.67%)
Mutual labels:  tensorboard

alphaGAN

A PyTorch implementation of alpha-GAN (https://arxiv.org/abs/1706.04987) with a sample run on MNIST.

Dependencies

  • PyTorch v0.1+ with CUDA support
  • torchvision v0.1.8+
  • TensorFlow v1.2+ (for TensorBoard only)

Usage

train_mnist.py contains sample code that runs the package on MNIST data. On the command line, run

$ python train_mnist.py --output_path YOUR_SAVED_PATH

While or after running, you will able to monitor the training progress on TensorBoard. Run

$ tensorboard --logdir=YOUR_SAVED_PATH/logs/ --port=6006

and access https://localhost:6006 (or the corresponding server URL) on your browser.

References

Generated MNIST Images

samples-mnist-epoch-30

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].