All Projects â†’ Zhenye-Na â†’ Advanced Deep Learning And Reinforcement Learning Deepmind

Zhenye-Na / Advanced Deep Learning And Reinforcement Learning Deepmind

🎮 Advanced Deep Learning and Reinforcement Learning at UCL & DeepMind | YouTube videos 👉

Projects that are alternatives of or similar to Advanced Deep Learning And Reinforcement Learning Deepmind

Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+2651.24%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning, deepmind
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+3215.7%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+200.83%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Practical rl
A course in reinforcement learning in the wild
Stars: ✭ 4,741 (+3818.18%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Drq
DrQ: Data regularized Q
Stars: ✭ 268 (+121.49%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Gdrl
Grokking Deep Reinforcement Learning
Stars: ✭ 304 (+151.24%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Rl Book
Source codes for the book "Reinforcement Learning: Theory and Python Implementation"
Stars: ✭ 464 (+283.47%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
2048 Deep Reinforcement Learning
Trained A Convolutional Neural Network To Play 2048 using Deep-Reinforcement Learning
Stars: ✭ 169 (+39.67%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Pysc2 Examples
StarCraft II - pysc2 Deep Reinforcement Learning Examples
Stars: ✭ 722 (+496.69%)
Mutual labels:  reinforcement-learning, deep-reinforcement-learning, deepmind
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (+518.18%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Stars: ✭ 118 (-2.48%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (+121.49%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Applied Reinforcement Learning
Reinforcement Learning and Decision Making tutorials explained at an intuitive level and with Jupyter Notebooks
Stars: ✭ 229 (+89.26%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Mujocounity
Reproducing MuJoCo benchmarks in a modern, commercial game /physics engine (Unity + PhysX).
Stars: ✭ 47 (-61.16%)
Mutual labels:  reinforcement-learning, deep-reinforcement-learning, deepmind
Pytorch sac
PyTorch implementation of Soft Actor-Critic (SAC)
Stars: ✭ 174 (+43.8%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Reinforcement learning tutorial with demo
Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
Stars: ✭ 442 (+265.29%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Learning To Communicate Pytorch
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Stars: ✭ 236 (+95.04%)
Mutual labels:  reinforcement-learning, deep-reinforcement-learning, deepmind
Rl Quadcopter
Teach a Quadcopter How to Fly!
Stars: ✭ 124 (+2.48%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+428.93%)
Mutual labels:  jupyter-notebook, reinforcement-learning, deep-reinforcement-learning
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-62.81%)
Mutual labels:  reinforcement-learning, deep-reinforcement-learning, deepmind

Advanced Deep Learning and Reinforcement Learning at UCL & DeepMind

Please install Open in Colab extension in Google Chrome in order to open a Github-hosted notebook in Google Colab with one-click.

The course is taught in collaboration with DeepMind. The majority of lectures will be taught by guest lecturers from DeepMind who are leading experts in the field of machine learning and will teach about topics in which they are specialised.

This repo contains homework, exams and slides I collected from internet without solutions. This repo is only for students / developers who are interested in this topic. If this repo conflicts your rights, please do not hesitate to contact me. I promise I will delete this (both repo and history) ASAP.

Overview

This course, taught originally at UCL and recorded for online access, has two interleaved parts that converge towards the end of the course. One part is on machine learning with deep neural networks, the other part is about prediction and control using reinforcement learning. The two strands come together when we discuss deep reinforcement learning, where deep neural networks are trained as function approximators in a reinforcement learning setting.

  • The deep learning stream of the course will cover a short introduction to neural networks and supervised learning with TensorFlow, followed by lectures on convolutional neural networks, recurrent neural networks, end-to-end and energy-based learning, optimization methods, unsupervised learning as well as attention and memory. Possible applications areas to be discussed include object recognition and natural language processing.
  • The reinforcement learning stream will cover Markov decision processes, planning by dynamic programming, model-free prediction and control, value function approximation, policy gradient methods, integration of learning and planning, and the exploration/exploitation dilemma. Possible applications to be discussed include learning to play classic board games as well as video games.

Lecture videos

Lecture Youtube link
Deep Learning 1: Introduction to Machine Learning Based AI lecture video
Deep Learning 2: Introduction to TensorFlow lecture video
Deep Learning 3: Neural Networks Foundations lecture video
Reinforcement Learning 1: Introduction to Reinforcement Learning lecture video
Reinforcement Learning 2: Exploration and Exploitation lecture video
Reinforcement Learning 3: Markov Decision Processes and Dynamic Programming lecture video
Reinforcement Learning 4: Model-Free Prediction and Control lecture video
Deep Learning 4: Beyond Image Recognition, End-to-End Learning, Embeddings lecture video
Reinforcement Learning 5: Function Approximation and Deep Reinforcement Learning lecture video
Reinforcement Learning 6: Policy Gradients and Actor Critics lecture video
Deep Learning 5: Optimization for Machine Learning lecture video
Reinforcement Learning 7: Planning and Models lecture video
Deep Learning 6: Deep Learning for NLP lecture video
Reinforcement Learning 8: Advanced Topics in Deep RL lecture video
Deep Learning 7. Attention and Memory in Deep Learning lecture video
Reinforcement Learning 9: A Brief Tour of Deep RL Agents lecture video
Deep Learning 8: Unsupervised learning and generative models lecture video
Reinforcement Learning 10: Classic Games Case Study lecture video

Textbooks

[1] Richard S. Sutton, Andrew G. Barto. "Reinforcement learning: an introduction". 1998.
[2] Csaba Szepesvári. "Algorithms for reinforcement learning". 2010.
[3] Ian Goodfellow, Yoshua Bengio, Aaron Courville. "Deep learning". 2016.

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].