Pinned Repositories
action-branching-agents
[AAAI 2018] TensorFlow implementation of Action Branching Architectures for Deep Reinforcement Learning.
ai-edu
AI education materials for Chinese students, teachers and IT professionals.
awesome-reinforcement-learning-zh
中文整理的强化学习资料(Reinforcement Learning)
Ball-and-Beam-Control-Demonstration
Interactive demonstration of feedback control for a ball and beam system.
baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
basic_reinforcement_learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
baxter_dmp_rl
this is a baxter dmp_rl repository
blog
for code created as part of http://studywolf.wordpress.com
cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In PyTorch Learing Neural Networks Likes CNN(Convolutional Neural Networks for Sentence Classification (Y.Kim, EMNLP 2014) 、LSTM、BiLSTM、DeepCNN 、CLSTM、CNN and LSTM
moveit_tutorials
A sphinx-based centralized documentation repo for MoveIt!
Gracedgl's Repositories
Gracedgl/moveit_tutorials
A sphinx-based centralized documentation repo for MoveIt!
Gracedgl/ai-edu
AI education materials for Chinese students, teachers and IT professionals.
Gracedgl/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
Gracedgl/cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In PyTorch Learing Neural Networks Likes CNN(Convolutional Neural Networks for Sentence Classification (Y.Kim, EMNLP 2014) 、LSTM、BiLSTM、DeepCNN 、CLSTM、CNN and LSTM
Gracedgl/CNNGestureRecognizer
Gesture recognition via CNN. Implemented in Keras + Tensorflow/Theano + OpenCV
Gracedgl/cvpr2019
cvpr2019 papers
Gracedgl/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
Gracedgl/Deep-Reinforcement-Learning-Practice
Practice of Deep Reinforcement Learning with Keras and gym.
Gracedgl/Deep_reinforcement_learning_Course
Implementations from the free course Deep Reinforcement Learning with Tensorflow
Gracedgl/deeplearning-models
A collection of various deep learning architectures, models, and tips
Gracedgl/DeepOBS
DeepOBS: A Deep Learning Optimizer Benchmark Suite
Gracedgl/dmp-obstacle-avoidance
Obstacle avoidance with DMPs for the Sawyer robotic arm
Gracedgl/dmpbbo
C++ library for Function Approximation, Dynamical Movement Primitives, and Black-Box Optimization
Gracedgl/DnCNN
Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising (TIP, 2017)
Gracedgl/esim-response-selection
ESIM for Multi-turn Response Selection Task
Gracedgl/FewShotPapers
This repository contains few-shot learning (FSL) papers mentioned in our FSL survey.
Gracedgl/gqcnn
Python module for GQ-CNN training and deployment with ROS integration.
Gracedgl/gym
A toolkit for developing and comparing reinforcement learning algorithms.
Gracedgl/gym-minigrid
Minimalistic gridworld package for OpenAI Gym
Gracedgl/kair_algorithms_draft
Gracedgl/keras-rl
Deep Reinforcement Learning for Keras.
Gracedgl/LearningToPaint
A painting AI that can reproduce paintings stroke by stroke using deep reinforcement learning.
Gracedgl/mips
Minimal Policy Search Toolbox
Gracedgl/mjrl
Reinforcement learning algorithms for MuJoCo tasks
Gracedgl/Paddle
PArallel Distributed Deep LEarning (PaddlePaddle核心框架,高性能单机、分布式训练和跨平台部署)
Gracedgl/PARL
PARL A high-performance distributed training framework for Reinforcement Learning
Gracedgl/pytorch-a2c-ppo-acktr-gail
PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).
Gracedgl/reinforcement-learning
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
Gracedgl/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
Gracedgl/tensorflow
An Open Source Machine Learning Framework for Everyone