Pinned Repositories
adaptive-softmax
Implements an efficient softmax approximation as described in the paper "Efficient softmax approximation for GPUs" (http://arxiv.org/abs/1609.04309)
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
algo
Set up a personal IPSEC VPN in the cloud
alphago_demo
This is the code for "How Does DeepMind's AlphaGo Zero Work?" Siraj Raval on Youtube
cheatsheets-ai
Essential Cheat Sheets for deep learning and machine learning researchers
own_data_cnn_implementation_keras
A complete tutorial on using own dataset to train a CNN from scratch in Keras (TF & Theano Backend)-
quiver
Interactive convnet features visualization for Keras
tensorflow-rnn-shakespeare
Code from the "Tensorflow and deep learning - without a PhD, Part 2" session on Recurrent Neural Networks.
petroffss's Repositories
petroffss/quiver
Interactive convnet features visualization for Keras
petroffss/tensorflow-rnn-shakespeare
Code from the "Tensorflow and deep learning - without a PhD, Part 2" session on Recurrent Neural Networks.
petroffss/benchmarks
Comparison tool
petroffss/cnn_finetune
Fine-tune CNN in Keras
petroffss/darkflow
Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices
petroffss/Deep-Learning
petroffss/deep-learning-keras-tensorflow
Introduction to Deep Neural Networks with Keras and Tensorflow
petroffss/deep-learning-models
Keras code and weights files for popular deep learning models.
petroffss/deep-q-learning
Minimal Deep Q Learning (DQN & DDQN) implementations in Keras
petroffss/Deep_Learning-1
petroffss/deepjazz
Deep learning driven jazz generation using Keras & Theano!
petroffss/DeepLearningImplementations
Implementation of recent Deep Learning papers
petroffss/gambit
Gambit
petroffss/hand3d
Network estimating 3D Handpose from single color images
petroffss/how_to_deploy_a_keras_model_to_production
This is the code for the "How to Deploy a Keras Model to Production" by Siraj Raval on Youtube
petroffss/keras
Deep Learning library for Python. Runs on TensorFlow, Theano, or CNTK.
petroffss/keras-frcnn
petroffss/keras-js
Run Keras models in the browser, with GPU support
petroffss/keras-resources
Directory of tutorials and open-source code repositories for working with Keras, the Python deep learning library
petroffss/keras-rl
Deep Reinforcement Learning for Keras.
petroffss/Keras_In_TensorFlow
Image and text classification using Keras in TensorFlow 1.2
petroffss/models
Models built with TensorFlow
petroffss/Neural-Style-Transfer
Keras Implementation of Neural Style Transfer from the paper "A Neural Algorithm of Artistic Style" (http://arxiv.org/abs/1508.06576) in Keras 2.0+
petroffss/pix2pix-tensorflow
Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets https://phillipi.github.io/pix2pix/
petroffss/seq2seq
Sequence to Sequence Learning with Keras
petroffss/stanford-tensorflow-tutorials
This repository contains code examples for the course CS 20SI: TensorFlow for Deep Learning Research.
petroffss/TensorFlow-Tutorials
TensorFlow Tutorials with YouTube Videos
petroffss/TensorFlow-World
:earth_americas: Simple and ready-to-use tutorials for TensorFlow
petroffss/TF_Intro_Notebooks
Notebooks for introductory lessons for learning TensorFlow 1.2 and Machine Learning
petroffss/TFTutorials
Contains code for understanding TensorFlow workflow and basics