Pinned Repositories
aaronzhudp
Config files for my GitHub profile.
Android-Object-Detection
:coffee: Fast-RCNN and Scene Recognition using Caffe
async-rl
Tensorflow + Keras + OpenAI Gym implementation of 1-step Q Learning from "Asynchronous Methods for Deep Reinforcement Learning"
Asynchronous-Methods-for-Deep-Reinforcement-Learning
Using a paper from Google DeepMind I've developed a new version of the DQN using threads exploration instead of memory replay as explain in here: http://arxiv.org/pdf/1602.01783v1.pdf I used the one-step-Q-learning pseudocode, and now we can train the Pong game in less than 20 hours and without any GPU or network distribution.
atari-py
A packaged and slightly-modified version of https://github.com/bbitmaster/ale_python_interface
ChatterBot
ChatterBot is a machine learning, conversational dialog engine.
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
CNN_sentence
CNNs for sentence classification
deep_q_rl
Theano-based implementation of Deep Q-learning
neuraltalk2
Efficient Image Captioning code in Torch, runs on GPU
aaronzhudp's Repositories
aaronzhudp/neuraltalk2
Efficient Image Captioning code in Torch, runs on GPU
aaronzhudp/aaronzhudp
Config files for my GitHub profile.
aaronzhudp/Android-Object-Detection
:coffee: Fast-RCNN and Scene Recognition using Caffe
aaronzhudp/async-rl
Tensorflow + Keras + OpenAI Gym implementation of 1-step Q Learning from "Asynchronous Methods for Deep Reinforcement Learning"
aaronzhudp/Asynchronous-Methods-for-Deep-Reinforcement-Learning
Using a paper from Google DeepMind I've developed a new version of the DQN using threads exploration instead of memory replay as explain in here: http://arxiv.org/pdf/1602.01783v1.pdf I used the one-step-Q-learning pseudocode, and now we can train the Pong game in less than 20 hours and without any GPU or network distribution.
aaronzhudp/atari-py
A packaged and slightly-modified version of https://github.com/bbitmaster/ale_python_interface
aaronzhudp/ChatterBot
ChatterBot is a machine learning, conversational dialog engine.
aaronzhudp/cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
aaronzhudp/CNN_sentence
CNNs for sentence classification
aaronzhudp/deep_q_rl
Theano-based implementation of Deep Q-learning
aaronzhudp/deep_trader
This project uses reinforcement learning on stock market and agent tries to learn trading. The goal is to check if the agent can learn to read tape. The project is dedicated to hero in life great Jesse Livermore.
aaronzhudp/DeepLearningFlappyBird
Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).
aaronzhudp/DeepLearningVideoGames
aaronzhudp/densecap
Dense image captioning in Torch
aaronzhudp/doubleDQN
Program to implement double DQN with ATARI 2600
aaronzhudp/DQN-chainer
aaronzhudp/DQN_tensorflow
Tensorflow implementation of deep Q networks in paper 'Playing Atari with Deep Reinforcement Learning'
aaronzhudp/DRL-FlappyBird
Playing Flappy Bird Using Deep Reinforcement Learning (Based on Deep Q Learning DQN using Tensorflow)
aaronzhudp/einsteinpy
Repository for the EinsteinPy core package :rocket:
aaronzhudp/gym
A toolkit for developing and comparing reinforcement learning algorithms.
aaronzhudp/Live-Eye--Large-Scale-Object-Recognition
This project uses deep machine learning to perform object recognition at large scale.
aaronzhudp/neuraltalk
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
aaronzhudp/pokubot
Clash of Clans bot
aaronzhudp/RocAlphaGo
An independent, student-led replication of DeepMind's 2016 Nature publication, "Mastering the game of Go with deep neural networks and tree search" (Nature 529, 484-489, 28 Jan 2016), details of which can be found on their website https://deepmind.com/publications.html.
aaronzhudp/simple_dqn
Simple deep Q-learning agent.
aaronzhudp/sketchy
aaronzhudp/tensorflow
Computation using data flow graphs for scalable machine learning
aaronzhudp/tushare
TuShare is a utility for crawling historical data of China stocks
aaronzhudp/visual7w-qa-models
Visual7W visual question answering models
aaronzhudp/Zoph_RNN
C++/CUDA toolkit for training sequence and sequence-to-sequence models across multiple GPUs