获取更多资讯,赶快关注上面的公众号吧!

版权声明:本文为博主原创文章,遵循 CC 4.0 BY-SA 版权协议,转载请附上原文出处链接和本声明。

本文链接:https://blog.csdn.net/gsww404/article/details/103074046

本工作是一项由深度强化学习实验室(Deep Reinforcement Learning Laboratory, DeepRL-Lab)发起的项目。
文章同步于Github仓库
https://github.com/NeuronDance/DeepRL/tree/master/A-Guide-Resource-For-DeepRL(点击进入GitHub)
欢迎大家Star, Fork和Contribution.


Contents

  • 1. Books
  • 2. Courses
  • 3. Survey-and-Frontier
  • 4. Environment-and-Framework
  • 5. Baselines-and-Benchmarks
  • 6. Algorithm
  • 7. Applications
  • 8. Advanced-Topics
  • 9. Relate-Coureses
  • 10. Multi-Agents
  • 11. Paper-Resources

1. Books

  1. Reinforcement Learning: An Introduction by Richard S. Sutton and Andrew G. Barto (2017),Chinese-Edtion, Code
  2. Algorithms for Reinforcement Learning by Csaba Szepesvari (updated 2019)
  3. Deep Reinforcement Learning Hands-On by Maxim Lapan (2018),Code
  4. Reinforcement learning, State-Of-The- Art by Marco Wiering, Martijin van Otterlo
  5. Deep Reinforcement Learning in Action by Alexander Zai and Brandon Brown (in progress)
  6. Grokking Deep Reinforcement Learning by Miguel Morales (in progress)
  7. Multi-Agent Machine Learning A Reinforcement Approach【百度云链接】 by Howard M.Schwartz(2017)
  8. 强化学习在阿里的技术演进与业务创新 by Alibaba Group
  9. Hands-On Reinforcement Learning with Python(百度云链接)
  10. Reinforcement Learning And Optimal Control by Dimitri P. Bertsekas, 2019

2. Courses

  1. UCL Course on RL(★★★) by David Sliver, Video-en,Video-zh

  2. OpenAI’s Spinning Up in Deep RL by OpenAI(2018)

  3. Udacity-Deep Reinforcement learning, 2019-10-31

  4. Stanford CS-234: Reinforcement Learning (2019), Videos

  5. DeepMind Advanced Deep Learning & Reinforcement Learning (2018),Videos

  6. GeorgiaTech CS-8803 Deep Reinforcement Learning (2018?)

  7. UC Berkeley CS294-112 Deep Reinforcement Learning (2018 Fall),Video-zh

  8. Deep RL Bootcamp by Berkeley CA(2017)

  9. Thomas Simonini’s Deep Reinforcement Learning Course

  10. CS-6101 Deep Reinforcement Learning , NUS SoC, 2018/2019, Semester II

  11. Course on Reinforcement Learning by Alessandro Lazaric,2018

  12. Learn Deep Reinforcement Learning in 60 days


3. Survey-and-Frontier

  1. Deep Reinforcement Learning by Yuxi Li

  2. Algorithms for Reinforcement Learning by Morgan & Claypool, 2009

  3. Modern Deep Reinforcement Learning Algorithms by Sergey Ivanov(54-Page)

  4. Deep Reinforcement Learning: An Overview (2018)

  5. A Brief Survey of Deep Reinforcement Learning (2017)

  6. Deep Reinforcement Learning Doesn’t Work Yet(★) by Irpan, Alex(2018), ChineseVersion

  7. Deep Reinforcement Learning that Matters(★) by Peter Henderson1, Riashat Islam1

  8. A Survey of Inverse Reinforcement Learning: Challenges, Methods and Progress

  9. Applications of Deep Reinforcement Learning in Communications and Networking: A Survey

  10. An Introduction to Deep Reinforcement Learning

  11. Challenges of Real-World Reinforcement Learning

  12. Topics in Reinforcement Learning

  13. Reinforcement Learning: A Survey,1996.

  14. A Tutorial Survey of Reinforcement Learning, Sadhana,1994.

  15. Reinforcement Learning in Robotics, A Survey, 2013

  16. A Survey of Deep Network Solutions for Learning Control in Robotics: From Reinforcement to Imitation., 2018

  17. Universal Reinforcement Learning Algorithms: Survey and Experiments,2017

  18. Bayesian Reinforcement Learning: A Survey, 2016

  19. Benchmarking Reinforcement Learning Algorithms on Real-World Robots


4. Environment-and-Framework

  • OpenAI Gym (GitHub) (docs)

  • rllab (GitHub) (readthedocs)

  • Ray (Doc)

  • Dopamine: https://github.com/google/dopamine (uses some tensorflow)

  • trfl: https://github.com/deepmind/trfl (uses tensorflow)

  • ChainerRL (GitHub) (API: Python)

  • Surreal GitHub (API: Python) (support: Stanford Vision and Learning Lab).Paper

  • PyMARL GitHub (support: http://whirl.cs.ox.ac.uk/)

  • TF-Agents: https://github.com/tensorflow/agents (uses tensorflow)

  • TensorForce (GitHub) (uses tensorflow)

  • RL-Glue (Google Code Archive) (API: C/C++, Java, Matlab, Python, Lisp) (support: Alberta)

  • MAgent https://github.com/geek-ai/MAgent (uses tensorflow)

  • RLlib http://ray.readthedocs.io/en/latest/rllib.html (API: Python)

  • http://burlap.cs.brown.edu/ (API: Java)

  • rlpyt: A Research Code Base for Deep Reinforcement Learning in PyTorch

  • robotics-rl-srl - S-RL Toolbox: Reinforcement Learning (RL) and State Representation Learning (SRL) for Robotics

  • pysc2: StarCraft II Learning Environment

  • Arcade-Learning-Environment

  • OpenAI universe - A software platform for measuring and training an AI’s general intelligence across the world’s supply of games, websites and other applications

  • DeepMind Lab - A customisable 3D platform for agent-based AI research

  • Project Malmo - A platform for Artificial Intelligence experimentation and research built on top of Minecraft by Microsoft

  • Retro Learning Environment - An AI platform for reinforcement learning based on video game emulators. Currently supports SNES and Sega Genesis. Compatible with OpenAI gym.

  • torch-twrl - A package that enables reinforcement learning in Torch by Twitter

  • UETorch - A Torch plugin for Unreal Engine 4 by Facebook

  • TorchCraft - Connecting Torch to StarCraft

  • rllab - A framework for developing and evaluating reinforcement learning algorithms, fully compatible with OpenAI Gym

  • TensorForce - Practical deep reinforcement learning on TensorFlow with Gitter support and OpenAI Gym/Universe/DeepMind Lab integration.

  • OpenAI lab - An experimentation system for Reinforcement Learning using OpenAI Gym, Tensorflow, and Keras.

  • keras-rl - State-of-the art deep reinforcement learning algorithms in Keras designed for compatibility with OpenAI.

  • BURLAP - Brown-UMBC Reinforcement Learning and Planning, a library written in Java

  • MAgent - A Platform for Many-agent Reinforcement Learning.

  • Ray RLlib - Ray RLlib is a reinforcement learning library that aims to provide both performance and composability.

  • SLM Lab - A research framework for Deep Reinforcement Learning using Unity, OpenAI Gym, PyTorch, Tensorflow.

  • Unity ML Agents - Create reinforcement learning environments using the Unity Editor

  • Intel Coach - Coach is a python reinforcement learning research framework containing implementation of many state-of-the-art algorithms.

  • ELF - An End-To-End, Lightweight and Flexible Platform for Game Research

  • Unity ML-Agents Toolkit

  • rlkit

  • https://gym.openai.com/envs/#classic_control

  • https://github.com/erlerobot/gym-gazebo

  • https://github.com/robotology/gym-ignition

  • https://github.com/dartsim/gym-dart

  • https://github.com/Roboy/gym-roboy

  • https://github.com/openai/retro

  • https://github.com/openai/gym-soccer

  • https://github.com/duckietown/gym-duckietown

  • https://github.com/Unity-Technologies/ml-agents (Unity, multiagent)

  • https://github.com/koulanurag/ma-gym (multiagent)

  • https://github.com/ucuapps/modelicagym

  • https://github.com/mwydmuch/ViZDoom

  • https://github.com/benelot/pybullet-gym

  • https://github.com/Healthcare-Robotics/assistive-gym

  • https://github.com/Microsoft/malmo

  • https://github.com/nadavbh12/Retro-Learning-Environment

  • https://github.com/twitter/torch-twrl

  • https://github.com/arex18/rocket-lander

  • https://github.com/ppaquette/gym-doom

  • https://github.com/thedimlebowski/Trading-Gym

  • https://github.com/Phylliade/awesome-openai-gym-environments

  • https://github.com/deepmind/pysc2 (by DeepMind) (Blizzard StarCraft II Learning Environment (SC2LE) component)


5. Baselines-and-Benchmarks

  1. https://github.com/openai/baselines 【stalbe-baseline】
  2. rl-baselines-zoo
  3. ROBEL (google-research/robel)
  4. RLBench (stepjam/RLBench)
  5. https://martin-thoma.com/sota/#reinforcment-learning
  6. https://github.com/rlworkgroup/garage
  7. Atari Environments Scores

6. Algorithms





1. DQN serial
  1. Playing Atari with Deep Reinforcement Learning [arxiv] [code]
  2. Deep Reinforcement Learning with Double Q-learning [arxiv] [code]
  3. Dueling Network Architectures for Deep Reinforcement Learning [arxiv] [code]
  4. Prioritized Experience Replay [arxiv] [code]
  5. Noisy Networks for Exploration [arxiv] [code]
  6. A Distributional Perspective on Reinforcement Learning [arxiv] [code]
  7. Rainbow: Combining Improvements in Deep Reinforcement Learning [arxiv] [code]
2. Others


Algorithm Codeing
  1. Deep-Reinforcement-Learning-Algorithms-with-PyTorch

#7. Applications

7.1 Basic

  1. Reinforcement Learning Applications
  2. IntelliLight: A Reinforcement Learning Approach for Intelligent Traffic Light Control by Hua Wei,Guanjie Zheng(2018)
  3. Deep Reinforcement Learning by Yuxi Li, 2018
  4. Deep Reinforcement Learning in Robotics

7.2 Robotics

  • Policy Gradient Reinforcement Learning for Fast Quadrupedal Locomotion (Kohl, ICRA 2004) [Paper]
  • Robot Motor SKill Coordination with EM-based Reinforcement Learning (Kormushev, IROS 2010) [Paper] [Video]
  • Generalized Model Learning for Reinforcement Learning on a Humanoid Robot (Hester, ICRA 2010) [Paper] [Video]
  • Autonomous Skill Acquisition on a Mobile Manipulator (Konidaris, AAAI 2011) [Paper] [Video]
  • PILCO: A Model-Based and Data-Efficient Approach to Policy Search (Deisenroth, ICML 2011) [Paper]
  • Incremental Semantically Grounded Learning from Demonstration (Niekum, RSS 2013) [Paper]
  • Efficient Reinforcement Learning for Robots using Informative Simulated Priors (Cutler, ICRA 2015) [Paper] [Video]
  • Robots that can adapt like animals (Cully, Nature 2015) [Paper] [Video] [Code]
  • Black-Box Data-efficient Policy Search for Robotics (Chatzilygeroudis, IROS 2017) [Paper] [Video] [Code]

#8. Advanced-Topics

8.1. Model-free RL

  1. playing atari with deep reinforcement learning NIPS Deep Learning Workshop 2013. paper

    Volodymyr Mnih, Koray Kavukcuoglu, David Silver, Alex Graves, Ioannis Antonoglou, Daan Wierstra, Martin Riedmiller

  2. Human-level control through deep reinforcement learning Nature 2015. paper

    Volodymyr Mnih, Koray Kavukcuoglu, David Silver, Andrei A. Rusu, Joel Veness, Marc G. Bellemare, Alex Graves, Martin Riedmiller, Andreas K. Fidjeland, Georg Ostrovski, Stig Petersen, Charles Beattie, Amir Sadik, Ioannis Antonoglou, Helen King, Dharshan Kumaran, Daan Wierstra, Shane Legg & Demis Hassabis

  3. Deep Reinforcement Learning with Double Q-learning AAAI 16. paper

    Hado van Hasselt, Arthur Guez, David Silver

  4. Dueling Network Architectures for Deep Reinforcement Learning ICML16. paper

    Ziyu Wang, Tom Schaul, Matteo Hessel, Hado van Hasselt, Marc Lanctot, Nando de Freitas

  5. Deep Recurrent Q-Learning for Partially Observable MDPs AAA15. paper

    Matthew Hausknecht, Peter Stone

  6. Prioritized Experience Replay ICLR 2016. paper

    Tom Schaul, John Quan, Ioannis Antonoglou, David Silver

  7. Asynchronous Methods for Deep Reinforcement Learning ICML2016. paper

    Volodymyr Mnih, Adrià Puigdomènech Badia, Mehdi Mirza, Alex Graves, Timothy P. Lillicrap, Tim Harley, David Silver, Koray Kavukcuoglu

  8. A Distributional Perspective on Reinforcement Learning ICML2017. paper

    Marc G. Bellemare, Will Dabney, Rémi Munos

  9. Noisy Networks for Exploration ICLR2018. paper

    Meire Fortunato, Mohammad Gheshlaghi Azar, Bilal Piot, Jacob Menick, Ian Osband, Alex Graves, Vlad Mnih, Remi Munos, Demis Hassabis, Olivier Pietquin, Charles Blundell, Shane Legg

  10. Rainbow: Combining Improvements in Deep Reinforcement Learning AAAI2018. paper

    Matteo Hessel, Joseph Modayil, Hado van Hasselt, Tom Schaul, Georg Ostrovski, Will Dabney, Dan Horgan, Bilal Piot, Mohammad Azar, David Silver

8.2. Model-based RL

  1. Sample-Efficient Reinforcement Learning with Stochastic Ensemble Value Expansion NIPS2018. paper

    Jacob Buckman, Danijar Hafner, George Tucker, Eugene Brevdo, Honglak Lee

  2. Model-Based Value Estimation for Efficient Model-Free Reinforcement Learning ICML2018.paper

    Vladimir Feinberg, Alvin Wan, Ion Stoica, Michael I. Jordan, Joseph E. Gonzalez, Sergey Levine

  3. Value Prediction Network NIPS2017. paper

    Vladimir Feinberg, Alvin Wan, Ion Stoica, Michael I. Jordan, Joseph E. Gonzalez, Sergey Levine

  4. Imagination-Augmented Agents for Deep Reinforcement Learning NIPS2017. paper

    Théophane Weber, Sébastien Racanière, David P. Reichert, Lars Buesing, Arthur Guez, Danilo Jimenez Rezende, Adria Puigdomènech Badia, Oriol Vinyals, Nicolas Heess, Yujia Li, Razvan Pascanu, Peter Battaglia, Demis Hassabis, David Silver, Daan Wierstra

  5. Continuous Deep Q-Learning with Model-based Acceleration ICML2016. paper

    Shixiang Gu, Timothy Lillicrap, Ilya Sutskever, Sergey Levine

  6. Uncertainty-driven Imagination for Continuous Deep Reinforcement Learning CoRL2017. paper

    Gabriel Kalweit, Joschka Boedecker

  7. Model-Ensemble Trust-Region Policy Optimization ICLR2018. paper

    Thanard Kurutach, Ignasi Clavera, Yan Duan, Aviv Tamar, Pieter Abbeel

  8. Deep Reinforcement Learning in a Handful of Trials using Probabilistic Dynamics Models NIPS2018. paper

    Kurtland Chua, Roberto Calandra, Rowan McAllister, Sergey Levine

  9. Dyna, an integrated architecture for learning, planning, and reacting ACM1991. paper

    Sutton, Richard S

  10. Learning Continuous Control Policies by Stochastic Value Gradients NIPS 2015. paper

    Nicolas Heess, Greg Wayne, David Silver, Timothy Lillicrap, Yuval Tassa, Tom Erez

  11. Imagination-Augmented Agents for Deep Reinforcement Learning NIPS 2017. paper

    Théophane Weber, Sébastien Racanière, David P. Reichert, Lars Buesing, Arthur Guez, Danilo Jimenez Rezende, Adria Puigdomènech Badia, Oriol Vinyals, Nicolas Heess, Yujia Li, Razvan Pascanu, Peter Battaglia, Demis Hassabis, David Silver, Daan Wierstra

  12. Learning and Policy Search in Stochastic Dynamical Systems with Bayesian Neural Networks ICLR 2017. paper

    Stefan Depeweg, José Miguel Hernández-Lobato, Finale Doshi-Velez, Steffen Udluft

8.3 Function Approximation methods (Least-Square Temporal Difference, Least-Square Policy Iteration)

  • Linear Least-Squares Algorithms for Temporal Difference Learning, Machine Learning, 1996. [Paper]
  • Model-Free Least Squares Policy Iteration, NIPS, 2001. [Paper] [Code]

8.4 Policy Search/Policy Gradient

  • Policy Gradient Methods for Reinforcement Learning with Function Approximation, NIPS, 1999. [Paper]
  • Natural Actor-Critic, ECML, 2005. [Paper]
  • Policy Search for Motor Primitives in Robotics, NIPS, 2009. [Paper]
  • Relative Entropy Policy Search, AAAI, 2010. [Paper]
  • Path Integral Policy Improvement with Covariance Matrix Adaptation, ICML, 2012. [Paper]
  • Policy Gradient Reinforcement Learning for Fast Quadrupedal Locomotion, ICRA, 2004. [Paper]
  • PILCO: A Model-Based and Data-Efficient Approach to Policy Search, ICML, 2011. [Paper]
  • Learning Dynamic Arm Motions for Postural Recovery, Humanoids, 2011. [Paper]
  • Black-Box Data-efficient Policy Search for Robotics, IROS, 2017. [Paper]

8.5 Hierarchical RL

  • Between MDPs and Semi-MDPs: A Framework for Temporal Abstraction in Reinforcement Learning, Artificial Intelligence, 1999. [Paper]
  • Building Portable Options: Skill Transfer in Reinforcement Learning, IJCAI, 2007. [Paper]

8.6 Inverse RL

  1. updating…

8.7 Meta RL

  1. updating…

8.8. Rewards

  1. Deep Reinforcement Learning Models: Tips & Tricks for Writing Reward Functions
  2. Meta Reward Learning

8.9. Policy Gradient

  1. Policy Gradient

8.10. Distributed Reinforcement Learning

  1. Asynchronous Methods for Deep Reinforcement Learning by ICML 2016.paper
  2. GA3C: GPU-based A3C for Deep Reinforcement Learning by Iuri Frosio, Stephen Tyree, NIPS 2016
  3. Distributed Prioritized Experience Replay by Dan Horgan, John Quan, David Budden,ICLR 2018
  4. IMPALA: Scalable Distributed Deep-RL with Importance Weighted Actor-Learner Architectures by Lasse Espeholt, Hubert Soyer, Remi Munos ,ICML 2018
  5. Distributed Distributional Deterministic Policy Gradients by Gabriel Barth-Maron, Matthew W. Hoffman, ICLR 2018.
  6. Emergence of Locomotion Behaviours in Rich Environments by Nicolas Heess, Dhruva TB, Srinivasan Sriram, 2017
  7. GPU-Accelerated Robotic Simulation for Distributed Reinforcement Learning by Jacky Liang, Viktor Makoviychuk, 2018
  8. Recurrent Experience Replay in Distributed Reinforcement Learning bySteven Kapturowski, Georg Ostrovski, ICLR 2019.

#9. Relate-Coureses

9.1. Game Theory

  1. Game Theory Course, Yale University
  2. Game Theory - The Full Course, Stanford University
  3. Algorithmic Game Theory (CS364A, Fall 2013) , Stanford University

9.2. other


#10. Multi-Agents

10.1 Tutorial and Books

  • Deep Multi-Agent Reinforcement Learning by Jakob N Foerster, 2018. PhD Thesis.
  • Multi-Agent Machine Learning: A Reinforcement Approach by H. M. Schwartz, 2014.
  • Multiagent Reinforcement Learning by Daan Bloembergen, Daniel Hennes, Michael Kaisers, Peter Vrancx. ECML, 2013.
  • Multiagent systems: Algorithmic, game-theoretic, and logical foundations by Shoham Y, Leyton-Brown K. Cambridge University Press, 2008.

10.2 Review Papers

  • A Survey on Transfer Learning for Multiagent Reinforcement Learning Systems by Silva, Felipe Leno da; Costa, Anna Helena Reali. JAIR, 2019.
  • Autonomously Reusing Knowledge in Multiagent Reinforcement Learning by Silva, Felipe Leno da; Taylor, Matthew E.; Costa, Anna Helena Reali. IJCAI, 2018.
  • Deep Reinforcement Learning Variants of Multi-Agent Learning Algorithms by Castaneda A O. 2016.
  • Evolutionary Dynamics of Multi-Agent Learning: A Survey by Bloembergen, Daan, et al. JAIR, 2015.
  • Game theory and multi-agent reinforcement learning by Nowé A, Vrancx P, De Hauwere Y M. Reinforcement Learning. Springer Berlin Heidelberg, 2012.
  • Multi-agent reinforcement learning: An overview by Buşoniu L, Babuška R, De Schutter B. Innovations in multi-agent systems and applications-1. Springer Berlin Heidelberg, 2010
  • A comprehensive survey of multi-agent reinforcement learning by Busoniu L, Babuska R, De Schutter B. IEEE Transactions on Systems Man and Cybernetics Part C Applications and Reviews, 2008
  • If multi-agent learning is the answer, what is the question? by Shoham Y, Powers R, Grenager T. Artificial Intelligence, 2007.
  • From single-agent to multi-agent reinforcement learning: Foundational concepts and methods by Neto G. Learning theory course, 2005.
  • Evolutionary game theory and multi-agent reinforcement learning by Tuyls K, Nowé A. The Knowledge Engineering Review, 2005.
  • An Overview of Cooperative and Competitive Multiagent Learning by Pieter Jan ’t HoenKarl TuylsLiviu PanaitSean LukeJ. A. La Poutré. AAMAS’s workshop LAMAS, 2005.
  • Cooperative multi-agent learning: the state of the art by Liviu Panait and Sean Luke, 2005.

10.3 Framework papers

  • Mean Field Multi-Agent Reinforcement Learning by Yaodong Yang, Rui Luo, Minne Li, Ming Zhou, Weinan Zhang, and Jun Wang. ICML 2018.
  • Multi-Agent Actor-Critic for Mixed Cooperative-Competitive Environments by Lowe R, Wu Y, Tamar A, et al. arXiv, 2017.
  • Deep Decentralized Multi-task Multi-Agent RL under Partial Observability by Omidshafiei S, Pazis J, Amato C, et al. arXiv, 2017.
  • Multiagent Bidirectionally-Coordinated Nets for Learning to Play StarCraft Combat Games by Peng P, Yuan Q, Wen Y, et al. arXiv, 2017.
  • Robust Adversarial Reinforcement Learning by Lerrel Pinto, James Davidson, Rahul Sukthankar, Abhinav Gupta. arXiv, 2017.
  • Stabilising Experience Replay for Deep Multi-Agent Reinforcement Learning by Foerster J, Nardelli N, Farquhar G, et al. arXiv, 2017.
  • Multiagent reinforcement learning with sparse interactions by negotiation and knowledge transfer by Zhou L, Yang P, Chen C, et al. IEEE transactions on cybernetics, 2016.
  • Decentralised multi-agent reinforcement learning for dynamic and uncertain environments by Marinescu A, Dusparic I, Taylor A, et al. arXiv, 2014.
  • CLEANing the reward: counterfactual actions to remove exploratory action noise in multiagent learning by HolmesParker C, Taylor M E, Agogino A, et al. AAMAS, 2014.
  • Bayesian reinforcement learning for multiagent systems with state uncertainty by Amato C, Oliehoek F A. MSDM Workshop, 2013.
  • Multiagent learning: Basics, challenges, and prospects by Tuyls, Karl, and Gerhard Weiss. AI Magazine, 2012.
  • Classes of multiagent q-learning dynamics with epsilon-greedy exploration by Wunder M, Littman M L, Babes M. ICML, 2010.
  • Conditional random fields for multi-agent reinforcement learning by Zhang X, Aberdeen D, Vishwanathan S V N. ICML, 2007.
  • Multi-agent reinforcement learning using strategies and voting by Partalas, Ioannis, Ioannis Feneris, and Ioannis Vlahavas. ICTAI, 2007.
  • A reinforcement learning scheme for a partially-observable multi-agent game by Ishii S, Fujita H, Mitsutake M, et al. Machine Learning, 2005.
  • Asymmetric multiagent reinforcement learning by Könönen V. Web Intelligence and Agent Systems, 2004.
  • Adaptive policy gradient in multiagent learning by Banerjee B, Peng J. AAMAS, 2003.
  • Reinforcement learning to play an optimal Nash equilibrium in team Markov games by Wang X, Sandholm T. NIPS, 2002.
  • Multiagent learning using a variable learning rate by Michael Bowling and Manuela Veloso, 2002.
  • Value-function reinforcement learning in Markov game by Littman M L. Cognitive Systems Research, 2001.
  • Hierarchical multi-agent reinforcement learning by Makar, Rajbala, Sridhar Mahadevan, and Mohammad Ghavamzadeh. The fifth international conference on Autonomous agents, 2001.
  • An analysis of stochastic game theory for multiagent reinforcement learning by Michael Bowling and Manuela Veloso, 2000.

10.4 Joint action learning

  • AWESOME: A general multiagent learning algorithm that converges in self-play and learns a best response against stationary opponents by Conitzer V, Sandholm T. Machine Learning, 2007.
  • Extending Q-Learning to General Adaptive Multi-Agent Systems by Tesauro, Gerald. NIPS, 2003.
  • Multiagent reinforcement learning: theoretical framework and an algorithm. by Hu, Junling, and Michael P. Wellman. ICML, 1998.
  • The dynamics of reinforcement learning in cooperative multiagent systems by Claus C, Boutilier C. AAAI, 1998.
  • Markov games as a framework for multi-agent reinforcement learning by Littman, Michael L. ICML, 1994.

10.5 Cooperation and competition

  • Emergent complexity through multi-agent competition by Trapit Bansal, Jakub Pachocki, Szymon Sidor, Ilya Sutskever, Igor Mordatch, 2018.
  • Learning with opponent learning awareness by Jakob Foerster, Richard Y. Chen2, Maruan Al-Shedivat, Shimon Whiteson, Pieter Abbeel, Igor Mordatch, 2018.
  • Multi-agent Reinforcement Learning in Sequential Social Dilemmas by Leibo J Z, Zambaldi V, Lanctot M, et al. arXiv, 2017. [Post]
  • Reinforcement Learning in Partially Observable Multiagent Settings: Monte Carlo Exploring Policies with PAC Bounds by Roi Ceren, Prashant Doshi, and Bikramjit Banerjee, pp. 530-538, AAMAS 2016.
  • Opponent Modeling in Deep Reinforcement Learning by He H, Boyd-Graber J, Kwok K, et al. ICML, 2016.
  • Multiagent cooperation and competition with deep reinforcement learning by Tampuu A, Matiisen T, Kodelja D, et al. arXiv, 2015.
  • Emotional multiagent reinforcement learning in social dilemmas by Yu C, Zhang M, Ren F. International Conference on Principles and Practice of Multi-Agent Systems, 2013.
  • Multi-agent reinforcement learning in common interest and fixed sum stochastic games: An experimental study by Bab, Avraham, and Ronen I. Brafman. Journal of Machine Learning Research, 2008.
  • Combining policy search with planning in multi-agent cooperation by Ma J, Cameron S. Robot Soccer World Cup, 2008.
  • Collaborative multiagent reinforcement learning by payoff propagation by Kok J R, Vlassis N. JMLR, 2006.
  • Learning to cooperate in multi-agent social dilemmas by de Cote E M, Lazaric A, Restelli M. AAMAS, 2006.
  • Learning to compete, compromise, and cooperate in repeated general-sum games by Crandall J W, Goodrich M A. ICML, 2005.
  • Sparse cooperative Q-learning by Kok J R, Vlassis N. ICML, 2004.

10.6 Coordination

  • Coordinated Multi-Agent Imitation Learning by Le H M, Yue Y, Carr P. arXiv, 2017.
  • Reinforcement social learning of coordination in networked cooperative multiagent systems by Hao J, Huang D, Cai Y, et al. AAAI Workshop, 2014.
  • Coordinating multi-agent reinforcement learning with limited communication by Zhang, Chongjie, and Victor Lesser. AAMAS, 2013.
  • Coordination guided reinforcement learning by Lau Q P, Lee M L, Hsu W. AAMAS, 2012.
  • Coordination in multiagent reinforcement learning: a Bayesian approach by Chalkiadakis G, Boutilier C. AAMAS, 2003.
  • Coordinated reinforcement learning by Guestrin C, Lagoudakis M, Parr R. ICML, 2002.
  • Reinforcement learning of coordination in cooperative multi-agent systems by Kapetanakis S, Kudenko D. AAAI/IAAI, 2002.

10.7 Security

  • Markov Security Games: Learning in Spatial Security Problems by Klima R, Tuyls K, Oliehoek F. The Learning, Inference and Control of Multi-Agent Systems at NIPS, 2016.
  • Cooperative Capture by Multi-Agent using Reinforcement Learning, Application for Security Patrol Systems by Yasuyuki S, Hirofumi O, Tadashi M, et al. Control Conference (ASCC), 2015
  • Improving learning and adaptation in security games by exploiting information asymmetry by He X, Dai H, Ning P. INFOCOM, 2015.

10.8 Self-Play

  • A Unified Game-Theoretic Approach to Multiagent Reinforcement Learning by Marc Lanctot, Vinicius Zambaldi, Audrunas Gruslys, Angeliki Lazaridou, Karl Tuyls, Julien Perolat, David Silver, Thore Graepel. NIPS 2017.
  • Deep reinforcement learning from self-play in imperfect-information games by Heinrich, Johannes, and David Silver. arXiv, 2016.
  • Fictitious Self-Play in Extensive-Form Games by Heinrich, Johannes, Marc Lanctot, and David Silver. ICML, 2015.

10.9 Learning To Communicate

  • Emergent Communication through Negotiation by Kris Cao, Angeliki Lazaridou, Marc Lanctot, Joel Z Leibo, Karl Tuyls, Stephen Clark, 2018.
  • Emergence of Linguistic Communication From Referential Games with Symbolic and Pixel Input by Angeliki Lazaridou, Karl Moritz Hermann, Karl Tuyls, Stephen Clark
  • EMERGENCE OF LANGUAGE WITH MULTI-AGENT GAMES: LEARNING TO COMMUNICATE WITH SEQUENCES OF SYMBOLS by Serhii Havrylov, Ivan Titov. ICLR Workshop, 2017.
  • Learning Cooperative Visual Dialog Agents with Deep Reinforcement Learning by Abhishek Das, Satwik Kottur, et al. arXiv, 2017.
  • Emergence of Grounded Compositional Language in Multi-Agent Populations by Igor Mordatch, Pieter Abbeel. arXiv, 2017. [Post]
  • Cooperation and communication in multiagent deep reinforcement learning by Hausknecht M J. 2017.
  • Multi-agent cooperation and the emergence of (natural) language by Lazaridou A, Peysakhovich A, Baroni M. arXiv, 2016.
  • Learning to communicate to solve riddles with deep distributed recurrent q-networks by Foerster J N, Assael Y M, de Freitas N, et al. arXiv, 2016.
  • Learning to communicate with deep multi-agent reinforcement learning by Foerster J, Assael Y M, de Freitas N, et al. NIPS, 2016.
  • Learning multiagent communication with backpropagation by Sukhbaatar S, Fergus R. NIPS, 2016.
  • Efficient distributed reinforcement learning through agreement by Varshavskaya P, Kaelbling L P, Rus D. Distributed Autonomous Robotic Systems, 2009.

10.10 Transfer Learning

  • Simultaneously Learning and Advising in Multiagent Reinforcement Learning by Silva, Felipe Leno da; Glatt, Ruben; and Costa, Anna Helena Reali. AAMAS, 2017.
  • Accelerating Multiagent Reinforcement Learning through Transfer Learning by Silva, Felipe Leno da; and Costa, Anna Helena Reali. AAAI, 2017.
  • Accelerating multi-agent reinforcement learning with dynamic co-learning by Garant D, da Silva B C, Lesser V, et al. Technical report, 2015
  • Transfer learning in multi-agent systems through parallel transfer by Taylor, Adam, et al. ICML, 2013.
  • Transfer learning in multi-agent reinforcement learning domains by Boutsioukis, Georgios, Ioannis Partalas, and Ioannis Vlahavas. European Workshop on Reinforcement Learning, 2011.
  • Transfer Learning for Multi-agent Coordination by Vrancx, Peter, Yann-Michaël De Hauwere, and Ann Nowé. ICAART, 2011.

10.11 Imitation and Inverse Reinforcement Learning

  • Multi-Agent Adversarial Inverse Reinforcement Learning by Lantao Yu, Jiaming Song, Stefano Ermon. ICML 2019.
  • Multi-Agent Generative Adversarial Imitation Learning by Jiaming Song, Hongyu Ren, Dorsa Sadigh, Stefano Ermon. NeurIPS 2018.
  • Cooperative inverse reinforcement learning by Hadfield-Menell D, Russell S J, Abbeel P, et al. NIPS, 2016.
  • Comparison of Multi-agent and Single-agent Inverse Learning on a Simulated Soccer Example by Lin X, Beling P A, Cogill R. arXiv, 2014.
  • Multi-agent inverse reinforcement learning for zero-sum games by Lin X, Beling P A, Cogill R. arXiv, 2014.
  • Multi-robot inverse reinforcement learning under occlusion with interactions by Bogert K, Doshi P. AAMAS, 2014.
  • Multi-agent inverse reinforcement learning by Natarajan S, Kunapuli G, Judah K, et al. ICMLA, 2010.

10.12 Meta Learning

  • Continuous Adaptation via Meta-Learning in Nonstationary and Competitive Environments by l-Shedivat, M. 2018.

10.13 Application

  • MAgent: A Many-Agent Reinforcement Learning Platform for Artificial Collective Intelligence by Zheng L et al. NIPS 2017 & AAAI 2018 Demo. (Github Page)
  • Collaborative Deep Reinforcement Learning for Joint Object Search by Kong X, Xin B, Wang Y, et al. arXiv, 2017.
  • Multi-Agent Stochastic Simulation of Occupants for Building Simulation by Chapman J, Siebers P, Darren R. Building Simulation, 2017.
  • Extending No-MASS: Multi-Agent Stochastic Simulation for Demand Response of residential appliances by Sancho-Tomás A, Chapman J, Sumner M, Darren R. Building Simulation, 2017.
  • Safe, Multi-Agent, Reinforcement Learning for Autonomous Driving by Shalev-Shwartz S, Shammah S, Shashua A. arXiv, 2016.
  • Applying multi-agent reinforcement learning to watershed management by Mason, Karl, et al. Proceedings of the Adaptive and Learning Agents workshop at AAMAS, 2016.
  • Crowd Simulation Via Multi-Agent Reinforcement Learning by Torrey L. AAAI, 2010.
  • Traffic light control by multiagent reinforcement learning systems by Bakker, Bram, et al. Interactive Collaborative Information Systems, 2010.
  • Multiagent reinforcement learning for urban traffic control using coordination graphs by Kuyer, Lior, et al. oint European Conference on Machine Learning and Knowledge Discovery in Databases, 2008.
  • A multi-agent Q-learning framework for optimizing stock trading systems by Lee J W, Jangmin O. DEXA, 2002.
  • Multi-agent reinforcement learning for traffic light control by Wiering, Marco. ICML. 2000.

#11. Paper-Resources

2019-07

  • Benchmarking Model-Based Reinforcement Learning
  • Learning World Graphs to Accelerate
    Hierarchical Reinforcement Learning
  • Perspective Taking in Deep Reinforcement Learning Agents
  • On the Weaknesses of Reinforcement Learning for Neural Machine Translation
  • Dynamic Face Video Segmentation via Reinforcement Learning
  • Striving for Simplicity in Off-policy Deep Reinforcement Learning
  • Intrinsic Motivation Driven Intuitive Physics Learning using Deep Reinforcement Learning with Intrinsic Reward Normalization
  • A Communication-Efficient Multi-Agent Actor-Critic Algorithm for Distributed Reinforcement Learning
  • Attentive Multi-Task Deep Reinforcement Learning
  • Low Level Control of a Quadrotor with Deep Model-Based Reinforcement Learning
  • Google Research Football: A Novel Reinforcement Learning Environment
  • Deep Reinforcement Learning in Financial Markets
  • Dynamic Input for Deep Reinforcement Learning in Autonomous Driving
  • Characterizing Attacks on Deep Reinforcement Learning
  • Deep Reinforcement Learning for Clinical Decision Support: A Brief Survey
  • VRLS: A Unified Reinforcement Learning Scheduler for Vehicle-to-Vehicle Communications
  • Deep Reinforcement Learning for Autonomous Internet of Things: Model, Applications and Challenges
  • Arena: a toolkit for Multi-Agent Reinforcement Learning
  • GPU-Accelerated Atari Emulation for Reinforcement Learning
  • Photonic architecture for reinforcement learning

Jun

  • Towards Empathic Deep Q-Learning
  • Ranking Policy Gradient
  • Hyp-RL : Hyperparameter Optimization by Reinforcement Learning
  • Modern Deep Reinforcement Learning Algorithms
  • A Framework for Automatic Question Generation from Text using Deep Reinforcement Learning
  • Deep Reinforcement Learning for Unmanned Aerial Vehicle-Assisted Vehicular Networks
  • Is multiagent deep reinforcement learning the answer or the question? A brief survey
  • Finding Needles in a Moving Haystack: Prioritizing Alerts with Adversarial Reinforcement Learning
  • Cooperative Lane Changing via Deep Reinforcement Learning
  • A Hierarchical Architecture for Sequential Decision-Making in Autonomous Driving using Deep Reinforcement Learning
  • Explaining Reinforcement Learning to Mere Mortals: An Empirical Study
  • Language as an Abstraction for Hierarchical Deep Reinforcement Learning
  • Autonomous Airline Revenue Management: A Deep Reinforcement Learning Approach to Seat Inventory Control and Overbooking
  • A Survey of Reinforcement Learning Informed by Natural Language
  • Load Balancing for Ultra-Dense Networks: A Deep Reinforcement Learning Based Approach
  • Deep Reinforcement Learning Architecture for Continuous Power Allocation in High Throughput Satellites
  • Harnessing Reinforcement Learning for Neural Motion Planning

April-May

  • Reinforcement Learning with Probabilistic Guarantees for Autonomous Driving
  • An Atari Model Zoo for Analyzing, Visualizing, and Comparing Deep Reinforcement Learning Agents
  • On the Generalization Gap in Reparameterizable Reinforcement Learning
  • Targeted Attacks on Deep Reinforcement Learning Agents through Adversarial Observations
  • Inverse Reinforcement Learning in Contextual MDPs
  • Teaching on a Budget in Multi-Agent Deep Reinforcement Learning
  • Coordinated Exploration via Intrinsic Rewards for Multi-Agent Reinforcement Learning
  • Generation of Policy-Level Explanations for Reinforcement Learning
  • A Control-Model-Based Approach for Reinforcement Learning
  • Interactive Teaching Algorithms for Inverse Reinforcement Learning
  • Snooping Attacks on Deep Reinforcement Learning

March 2019

  • IRLAS: Inverse Reinforcement Learning for Architecture Search
  • Learning Hierarchical Teaching in Cooperative Multiagent Reinforcement Learning
  • M3RL: Mind-aware Multi-agent Management Reinforcement Learning
  • Concurrent Meta Reinforcement Learning
  • Horizon: Facebook’s Open Source Applied Reinforcement Learning Platform
  • Using Natural Language for Reward Shaping in Reinforcement Learning
  • Model-Based Reinforcement Learning for Atari
  • RLOC: Neurobiologically Inspired Hierarchical Reinforcement Learning Algorithm for Continuous Control of Nonlinear Dynamical Systems
  • Learning Hierarchical Teaching in Cooperative Multiagent Reinforcement Learning
  • Hacking Google reCAPTCHA v3 using Reinforcement Learning
  • Reinforcement Learning and Inverse Reinforcement Learning with System 1 and System 2
  • Deep Reinforcement Learning with Feedback-based Exploration
  • Deep Reinforcement Learning for Autonomous Driving
  • Improving Safety in Reinforcement Learning Using Model-Based Architectures and Human Intervention
  • Deep Hierarchical Reinforcement Learning Based Recommendations via Multi-goals Abstraction
  • Explaining Reinforcement Learning to Mere Mortals: An Empirical Study
  • Lifelong Federated Reinforcement Learning: A Learning Architecture for Navigation in Cloud Robotic Systems
  • On the use of Deep Autoencoders for Efficient Embedded Reinforcement Learning
  • Autoregressive Policies for Continuous Control Deep Reinforcement Learning

Feb 2019

  • Distributional reinforcement learning with linear function approximation
  • Novelty Search for Deep Reinforcement Learning Policy Network Weights by Action Sequence Edit Metric Distance
  • Tsallis Reinforcement Learning: A Unified Framework for Maximum Entropy Reinforcement Learning
  • Deep Reinforcement Learning for Multi-Agent Systems: A Review of Challenges, Solutions and Applications
  • Reinforcement Learning for Optimal Load Distribution Sequencing in Resource-Sharing System
  • Learning to Schedule Communication in Multi-agent Reinforcement Learning
  • On Reinforcement Learning for Full-length Game of StarCraft
  • Implicit Policy for Reinforcement Learning
  • A Meta-MDP Approach to Exploration for Lifelong Reinforcement Learning
  • Visual Rationalizations in Deep Reinforcement Learning for Atari Games
  • Statistics and Samples in Distributional Reinforcement Learning
  • A Comparative Analysis of Expected and Distributional Reinforcement Learning
  • Learn What Not to Learn: Action Elimination with Deep Reinforcement Learning
  • SOLAR: Deep Structured Representations for Model-Based Reinforcement Learning
  • From Language to Goals: Inverse Reinforcement Learning for Vision-Based Instruction Following
  • Investigating Generalisation in Continuous Deep Reinforcement Learning
  • Model-Free Adaptive Optimal Control of Episodic Fixed-Horizon Manufacturing Processes using Reinforcement Learning
  • Crowd-Robot Interaction: Crowd-aware Robot Navigation with Attention-based Deep Reinforcement Learning
  • Towards the Next Generation Airline Revenue Management: A Deep Reinforcement Learning Approach to Seat Inventory Control and Overbooking
  • Parenting: Safe Reinforcement Learning from Human Input
  • Reinforcement Learning Without Backpropagation or a Clock
  • Message-Dropout: An Efficient Training Method for Multi-Agent Deep Reinforcement Learning
  • A new Potential-Based Reward Shaping for Reinforcement Learning Agent
  • How to Combine Tree-Search Methods in Reinforcement Learning
  • Unsupervised Basis Function Adaptation for Reinforcement Learning
  • Communication Topologies Between Learning Agents in Deep Reinforcement Learning
  • Logically-Constrained Reinforcement Learning
  • Hyperbolic Embeddings for Learning Options in Hierarchical Reinforcement Learning
  • ProLoNets: Neural-encoding Human Experts’ Domain Knowledge to Warm Start Reinforcement Learning
  • A Framework for Automated Cellular Network Tuning with Reinforcement Learning
  • Deep Reinforcement Learning for Search, Recommendation, and Online Advertising: A Survey
  • The Value Function Polytope in Reinforcement Learning
  • Robust Reinforcement Learning in POMDPs with Incomplete and Noisy Observations
  • Deep Reinforcement Learning Based High-level Driving Behavior Decision-making Model in Heterogeneous Traffic
  • Active Perception in Adversarial Scenarios using Maximum Entropy Deep Reinforcement Learning
  • Verifiably Safe Off-Model Reinforcement Learning
  • Off-Policy Actor-Critic in an Ensemble: Achieving Maximum General Entropy and Effective Environment Exploration in Deep Reinforcement Learning
  • Optimal Tap Setting of Voltage Regulation Transformers Using Batch Reinforcement Learning
  • Bayesian Action Decoder for Deep Multi-Agent Reinforcement Learning
  • Exploration versus exploitation in reinforcement learning: a stochastic control approach
  • ACTRCE: Augmenting Experience via Teacher’s Advice For Multi-Goal Reinforcement Learning
  • End-to-end Active Object Tracking and Its Real-world Deployment via Reinforcement Learning
  • WiseMove: A Framework for Safe Deep Reinforcement Learning for Autonomous Driving
  • Emergence of Hierarchy via Reinforcement Learning Using a Multiple Timescale Stochastic RNN

Jan 2019

  • Federated Reinforcement Learning
  • Verifiable Reinforcement Learning via Policy Extraction
  • QFlow: A Reinforcement Learning Approach to High QoE Video Streaming over Wireless Networks
  • Complementary reinforcement learning towards explainable agents
  • The Multi-Agent Reinforcement Learning in MalmÖ (MARLÖ) Competition
  • Hierarchical Reinforcement Learning for Multi-agent MOBA Game
  • Reinforcement Learning of Markov Decision Processes with Peak Constraints
  • Robust Recovery Controller for a Quadrupedal Robot using Deep Reinforcement Learning
  • Understanding Multi-Step Deep Reinforcement Learning: A Systematic Study of the DQN Target
  • Graph Convolutional Reinforcement Learning for Multi-Agent Cooperation
  • Algorithmic Framework for Model-based Deep Reinforcement Learning with Theoretical Guarantees
  • A Short Survey on Probabilistic Reinforcement Learning
  • Read, Watch, and Move: Reinforcement Learning for Temporally Grounding Natural Language Descriptions in Videos
  • Lifelong Federated Reinforcement Learning: A Learning Architecture for Navigation in Cloud Robotic Systems
  • Hierarchically Structured Reinforcement Learning for Topically Coherent Visual Story Generation
  • Recurrent Control Nets for Deep Reinforcement Learning
  • Amplifying the Imitation Effect for Reinforcement Learning of UCAV’s Mission Execution
  • Multi-agent Reinforcement Learning Embedded Game for the Optimization of Building Energy Control and Power System Planning
  • Representation Learning on Graphs: A Reinforcement Learning Application
  • Evolutionarily-Curated Curriculum Learning for Deep Reinforcement Learning Agents
  • Exploring applications of deep reinforcement learning for real-world autonomous driving systems
  • AlphaSeq: Sequence Discovery with Deep Reinforcement Learning
  • Exploration versus exploitation in reinforcement learning: a stochastic control approach
  • Multi-Agent Deep Reinforcement Learning for Dynamic Power Allocation in Wireless Networks
  • Energy-Efficient Thermal Comfort Control in Smart Buildings via Deep Reinforcement Learning
  • Relative Importance Sampling For Off-Policy Actor-Critic in Deep Reinforcement Learning
  • AutoPhase: Compiler Phase-Ordering for High Level Synthesis with Deep Reinforcement Learning
  • Improving Coordination in Multi-Agent Deep Reinforcement Learning through Memory-driven Communication
  • Low Level Control of a Quadrotor with Deep Model-Based Reinforcement learning
  • Accelerated Methods for Deep Reinforcement Learning
  • Motion Perception in Reinforcement Learning with Dynamic Objects
  • A New Tensioning Method using Deep Reinforcement Learning for Surgical Pattern Cutting
  • Machine Teaching for Inverse Reinforcement Learning: Algorithms and Applications
  • Near-Optimal Representation Learning for Hierarchical Reinforcement Learning
  • Multi-Agent Reinforcement Learning via Double Averaging Primal-Dual Optimization
  • Deterministic Implementations for Reproducibility in Deep Reinforcement Learning
  • Uncertainty-Based Out-of-Distribution Detection in Deep Reinforcement Learning
  • Risk-Aware Active Inverse Reinforcement Learning
  • A dual mode adaptive basal-bolus advisor based on reinforcement learning
  • What Should I Do Now? Marrying Reinforcement Learning and Symbolic Planning
  • Deep Reinforcement Learning for Imbalanced Classification
  • Hierarchical Reinforcement Learning via Advantage-Weighted Information Maximization
  • Finite-Sample Analyses for Fully Decentralized Multi-Agent Reinforcement Learning
  • Optimal Decision-Making in Mixed-Agent Partially Observable Stochastic Environments via Reinforcement Learning
  • Floyd-Warshall Reinforcement Learning: Learning from Past Experiences to Reach New Goals
  • A Critical Investigation of Deep Reinforcement Learning for Navigation
  • Accelerating Goal-Directed Reinforcement Learning by Model Characterization
  • Machine Teaching in Hierarchical Genetic Reinforcement Learning: Curriculum Design of Reward Functions for Swarm Shepherding
  • Reinforcement Learning Using Quantum Boltzmann Machines
  • Communication-Efficient Distributed Reinforcement Learning
  • DeepTraffic: Crowdsourced Hyperparameter Tuning of Deep Reinforcement Learning Systems for Multi-Agent Dense Traffic Navigation
  • Human-Like Autonomous Car-Following Model with Deep Reinforcement Learning
  • Adversarial Text Generation Without Reinforcement Learning
  • End-to-End Video Captioning with Multitask Reinforcement Learning

2018

  • Accelerated Methods for Deep Reinforcement Learning. arxiv
  • A Deep Reinforcement Learning Chatbot (Short Version). arxiv
  • AlphaX: eXploring Neural Architectures with Deep Neural Networks and Monte Carlo Tree Search. arxiv ⭐️
  • A Survey of Inverse Reinforcement Learning: Challenges, Methods and Progress. arxiv
  • Composable Deep Reinforcement Learning for Robotic Manipulation. arxiv
  • Cooperative Multi-Agent Reinforcement Learning for Low-Level Wireless Communication. arxiv
  • Deep Reinforcement Fuzzing. arxiv
  • Deep Reinforcement Learning of Cell Movement in the Early Stage of C. elegans Embryogenesis. arxiv
  • Deep Reinforcement Learning For Sequence to Sequence Models. arxiv code
  • Deep Reinforcement Learning for Vision-Based Robotic Grasping: A Simulated Comparative Evaluation of Off-Policy Methods. arxiv
  • Deep Reinforcement Learning in Portfolio Management. arxiv code
  • Deep Reinforcement Learning using Capsules in Advanced Game Environments. arxiv
  • Deep Reinforcement Learning with Model Learning and Monte Carlo Tree Search in Minecraft. arxiv
  • Distributed Deep Reinforcement Learning: Learn how to play Atari games in 21 minutes. arxiv code
  • Diversity is All You Need: Learning Skills without a Reward Function. arxiv
  • Faster Deep Q-learning using Neural Episodic Control. arxiv
  • Feedback-Based Tree Search for Reinforcement Learning. arxiv
  • Feudal Reinforcement Learning for Dialogue Management in Large Domains. arxiv
  • Forward-Backward Reinforcement Learning. arxiv
  • Hierarchical Reinforcement Learning: Approximating Optimal Discounted TSP Using Local Policies. arxiv
  • IMPALA: Scalable Distributed Deep-RL with Importance Weighted Actor-Learner Architectures. arxiv
  • Kickstarting Deep Reinforcement Learning. arxiv
  • Learning a Prior over Intent via Meta-Inverse Reinforcement Learning. arxiv
  • Meta Reinforcement Learning with Latent Variable Gaussian Processes. arxiv
  • Multi-Agent Reinforcement Learning: A Report on Challenges and Approaches. arxiv
  • Pretraining Deep Actor-Critic Reinforcement Learning Algorithms With Expert Demonstrations. arxiv
  • Psychlab: A Psychology Laboratory for Deep Reinforcement Learning Agents. arxiv
  • Recommendations with Negative Feedback via Pairwise Deep Reinforcement Learning. arxiv
  • Reinforcement Learning and Control as Probabilistic Inference: Tutorial and Review. arxiv
  • Reinforcement Learning from Imperfect Demonstrations. arxiv
  • Reinforcement Learning to Rank in E-Commerce Search Engine: Formalization, Analysis, and Application. arxiv
  • RUDDER: Return Decomposition for Delayed Rewards. arxiv code
  • Semi-parametric Topological Memory for Navigation. arxiv tensorflow
  • Shared Autonomy via Deep Reinforcement Learning. arxiv
  • Setting up a Reinforcement Learning Task with a Real-World Robot. arxiv
  • Simple random search provides a competitive approach to reinforcement learning. arxiv code
  • Unsupervised Meta-Learning for Reinforcement Learning. arxiv
  • Using reinforcement learning to learn how to play text-based games. arxiv

2017

  • A Deep Reinforcement Learning Chatbot. arxiv
  • A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem. arxiv code
  • A Deep Reinforced Model for Abstractive Summarization. arxiv
  • A Distributional Perspective on Reinforcement Learning. arxiv
  • A Laplacian Framework for Option Discovery in Reinforcement Learning. arxiv ⭐️
  • Boosting the Actor with Dual Critic. arxiv
  • Bridging the Gap Between Value and Policy Based Reinforcement Learning. arxiv
  • Car Racing using Reinforcement Learning. pdf
  • Cold-Start Reinforcement Learning with Softmax Policy Gradients. arxiv
  • Curiosity-driven Exploration by Self-supervised Prediction. arxiv tensorflow
  • Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternative for Training Deep Neural Networks for Reinforcement Learning. arxiv code
  • DeepPath: A Reinforcement Learning Method for Knowledge Graph Reasoning. arxiv code
  • Deep Reinforcement Learning: An Overview. arxiv
  • Deep Reinforcement Learning for Unsupervised Video Summarization with Diversity-Representativeness Reward. arxiv code
  • Deep reinforcement learning from human preferences. arxiv
  • Deep Reinforcement Learning that Matters. arxiv code
  • Device Placement Optimization with Reinforcement Learning. arxiv
  • Distributional Reinforcement Learning with Quantile Regression. arxiv
  • End-to-End Optimization of Task-Oriented Dialogue Model with Deep Reinforcement Learning. arxiv
  • Evolution Strategies as a Scalable Alternative to Reinforcement Learning. arxiv
  • Feature Control as Intrinsic Motivation for Hierarchical Reinforcement Learning. arxiv
  • Learning Complex Dexterous Manipulation with Deep Reinforcement Learning and Demonstrations. arxiv
  • Learning how to Active Learn: A Deep Reinforcement Learning Approach. arxiv tensorflow
  • Learning Multimodal Transition Dynamics for Model-Based Reinforcement Learning. arxiv tensorflow
  • MAgent: A Many-Agent Reinforcement Learning Platform for Artificial Collective Intelligence. arxiv code ⭐️
  • Mastering Chess and Shogi by Self-Play with a General Reinforcement Learning Algorithm. arxiv
  • Micro-Objective Learning : Accelerating Deep Reinforcement Learning through the Discovery of Continuous Subgoals. arxiv
  • Neural Architecture Search with Reinforcement Learning. arxiv tensorflow
  • Neural Map: Structured Memory for Deep Reinforcement Learning. arxiv
  • Observational Learning by Reinforcement Learning. arxiv
  • Overcoming Exploration in Reinforcement Learning with Demonstrations. arxiv
  • Practical Network Blocks Design with Q-Learning. arxiv
  • Rainbow: Combining Improvements in Deep Reinforcement Learning. arxiv
  • Reinforcement Learning for Architecture Search by Network Transformation. arxiv code
  • Reinforcement Learning via Recurrent Convolutional Neural Networks. arxiv code
  • Reinforcement Learning with a Corrupted Reward Channel. arxiv ⭐️
  • Reinforcement Learning with Deep Energy-Based Policies. arxiv code
  • Reinforcement Learning with External Knowledge and Two-Stage Q-functions for Predicting Popular Reddit Threads. arxiv
  • Robust Deep Reinforcement Learning with Adversarial Attacks. arxiv
  • Seq2SQL: Generating Structured Queries from Natural Language using Reinforcement Learning. arxiv
  • Shallow Updates for Deep Reinforcement Learning. arxiv code
  • Stochastic Neural Networks for Hierarchical Reinforcement Learning. pdf code
  • Tackling Error Propagation through Reinforcement Learning: A Case of Greedy Dependency Parsing. arxiv code
  • Task-Oriented Query Reformulation with Reinforcement Learning. arxiv code
  • Teaching a Machine to Read Maps with Deep Reinforcement Learning. arxiv code
  • TreeQN and ATreeC: Differentiable Tree-Structured Models for Deep Reinforcement Learning. arxiv code
  • Value Prediction Network. arxiv
  • Variational Deep Q Network. arxiv
  • Virtual-to-real Deep Reinforcement Learning: Continuous Control of Mobile Robots for Mapless Navigation.arxiv
  • Zero-Shot Task Generalization with Multi-Task Deep Reinforcement Learning. arxiv

2016

  • Asynchronous Methods for Deep Reinforcement Learning. [arxiv] ⭐️
  • Actor-Mimic: Deep Multitask and Transfer Reinforcement Learning, E. Parisotto, et al., ICLR. [arxiv]
  • A New Softmax Operator for Reinforcement Learning.[url]
  • Benchmarking Deep Reinforcement Learning for Continuous Control, Y. Duan et al., ICML. [arxiv]
  • Better Computer Go Player with Neural Network and Long-term Prediction, Y. Tian et al., ICLR. [arxiv]
  • Deep Reinforcement Learning in Parameterized Action Space, M. Hausknecht et al., ICLR. [arxiv]
  • Curiosity-driven Exploration in Deep Reinforcement Learning via Bayesian Neural Networks, R. Houthooft et al., arXiv. [url]
  • Control of Memory, Active Perception, and Action in Minecraft, J. Oh et al., ICML. [arxiv]
  • Continuous Deep Q-Learning with Model-based Acceleration, S. Gu et al., ICML. [arxiv]
  • Continuous control with deep reinforcement learning. [arxiv] ⭐️
  • Deep Successor Reinforcement Learning. [arxiv]
  • Dynamic Frame skip Deep Q Network, A. S. Lakshminarayanan et al., IJCAI Deep RL Workshop. [arxiv]
  • Deep Exploration via Bootstrapped DQN. [arxiv] ⭐️
  • Deep Reinforcement Learning for Dialogue Generation. [arxiv] tensorflow
  • Deep Reinforcement Learning in Parameterized Action Space. [arxiv] ⭐️
  • Deep Reinforcement Learning with Successor Features for Navigation across Similar Environments.[url]
  • Designing Neural Network Architectures using Reinforcement Learning. arxiv code
  • Dialogue manager domain adaptation using Gaussian process reinforcement learning. [arxiv]
  • End-to-End Reinforcement Learning of Dialogue Agents for Information Access. [arxiv]
  • Generating Text with Deep Reinforcement Learning. [arxiv]
  • Guided Cost Learning: Deep Inverse Optimal Control via Policy Optimization, C. Finn et al., arXiv. [arxiv]
  • Hierarchical Reinforcement Learning using Spatio-Temporal Abstractions and Deep Neural Networks, R. Krishnamurthy et al., arXiv. [arxiv]
  • Hierarchical Deep Reinforcement Learning: Integrating Temporal Abstraction and Intrinsic Motivation, T. D. Kulkarni et al., arXiv. [arxiv]
  • Hierarchical Object Detection with Deep Reinforcement Learning. [arxiv]
  • High-Dimensional Continuous Control Using Generalized Advantage Estimation, J. Schulman et al., ICLR. [arxiv]
  • Increasing the Action Gap: New Operators for Reinforcement Learning, M. G. Bellemare et al., AAAI. [arxiv]
  • Interactive Spoken Content Retrieval by Deep Reinforcement Learning. [arxiv]
  • Learning Hand-Eye Coordination for Robotic Grasping with Deep Learning and Large-Scale Data Collection, S. Levine et al., arXiv. [url]
  • Learning to Communicate to Solve Riddles with Deep Distributed Recurrent Q-Networks, J. N. Foerster et al., arXiv. [url]
  • Learning to compose words into sentences with reinforcement learning. [url]
  • Loss is its own Reward: Self-Supervision for Reinforcement Learning.[arxiv]
  • Model-Free Episodic Control. [arxiv]
  • Mastering the game of Go with deep neural networks and tree search. [nature] ⭐️
  • MazeBase: A Sandbox for Learning from Games .[arxiv]
  • Neural Architecture Search with Reinforcement Learning. [pdf]
  • Neural Combinatorial Optimization with Reinforcement Learning. [arxiv]
  • Non-Deterministic Policy Improvement Stabilizes Approximated Reinforcement Learning. [url]
  • Online Sequence-to-Sequence Active Learning for Open-Domain Dialogue Generation. arXiv. [arxiv]
  • Policy Distillation, A. A. Rusu et at., ICLR. [arxiv]
  • Prioritized Experience Replay. [arxiv] ⭐️
  • Reinforcement Learning Using Quantum Boltzmann Machines. [arxiv]
  • Safe and Efficient Off-Policy Reinforcement Learning, R. Munos et al.[arxiv]
  • Safe, Multi-Agent, Reinforcement Learning for Autonomous Driving. [arxiv]
  • Sample-efficient Deep Reinforcement Learning for Dialog Control. [url]
  • Self-Correcting Models for Model-Based Reinforcement Learning.[url]
  • Unifying Count-Based Exploration and Intrinsic Motivation. [arxiv]
  • Value Iteration Networks. [arxiv]

2015

  • ADAAPT: A Deep Architecture for Adaptive Policy Transfer from Multiple Sources. arxiv
  • Action-Conditional Video Prediction using Deep Networks in Atari Games. arxiv ⭐️
  • Actor-Mimic: Deep Multitask and Transfer Reinforcement Learning. arxiv ⭐️
  • [DDPG] Continuous control with deep reinforcement learning. arxiv ⭐️
  • [NAF] Continuous Deep Q-Learning with Model-based Acceleration. arxiv ⭐️
  • Dueling Network Architectures for Deep Reinforcement Learning. arxiv ⭐️
  • Deep Reinforcement Learning with an Action Space Defined by Natural Language.arxiv
  • Deep Reinforcement Learning with Double Q-learning. arxiv ⭐️
  • Deep Recurrent Q-Learning for Partially Observable MDPs. arxiv ⭐️
  • DeepMPC: Learning Deep Latent Features for Model Predictive Control. pdf
  • Deterministic Policy Gradient Algorithms. pdf ⭐️
  • Dueling Network Architectures for Deep Reinforcement Learning. arxiv
  • End-to-End Training of Deep Visuomotor Policies. arxiv ⭐️
  • Giraffe: Using Deep Reinforcement Learning to Play Chess. arxiv
  • Generating Text with Deep Reinforcement Learning. arxiv
  • How to Discount Deep Reinforcement Learning: Towards New Dynamic Strategies. arxiv
  • Human-level control through deep reinforcement learning. nature ⭐️
  • Incentivizing Exploration In Reinforcement Learning With Deep Predictive Models. arxiv ⭐️
  • Learning Simple Algorithms from Examples. arxiv
  • Language Understanding for Text-based Games Using Deep Reinforcement Learning. pdf ⭐️
  • Learning Continuous Control Policies by Stochastic Value Gradients.pdf ⭐️
  • Multiagent Cooperation and Competition with Deep Reinforcement Learning. arxiv
  • Maximum Entropy Deep Inverse Reinforcement Learning. arxiv
  • Massively Parallel Methods for Deep Reinforcement Learning. pdf] ⭐️
  • On Learning to Think- Algorithmic Information Theory for Novel Combinations of Reinforcement Learning Controllers and Recurrent Neural World Models. arxiv
  • Playing Atari with Deep Reinforcement Learning. arxiv
  • Recurrent Reinforcement Learning: A Hybrid Approach. arxiv
  • Strategic Dialogue Management via Deep Reinforcement Learning. arxiv
  • Towards Vision-Based Deep Reinforcement Learning for Robotic Motion Control. arxiv
  • Trust Region Policy Optimization. pdf ⭐️
  • Universal Value Function Approximators. pdf
  • Variational Information Maximisation for Intrinsically Motivated Reinforcement Learning. arxiv

2014

  • Deep Learning for Real-Time Atari Game Play Using Offline Monte-Carlo Tree Search Planning.[url]

2013

  • Evolving large-scale neural networks for vision-based reinforcement learning. [idsia] ⭐️
  • Playing Atari with Deep Reinforcement Learning. [toronto] ⭐️

More About

These documents will be updated in sync with my personal blog and knowledge column

  1. CSDN-Blog: A Guide Resource for Deep Reinforcement Learning
  2. ZhiHu-Blog: A Guide Resource for Deep Reinforcement Learning
  3. WeChat(Add account: “NeuronDance”, remark “Name-University/Company”)

Cite

Based on the above information, we have made a comprehensive summary of the deep reinforcement of learning materials, and we would like to express our heartfelt thanks to them.

[1].https://github.com/brianspiering/awesome-deep-rl
[2].https://github.com/jgvictores/awesome-deep-reinforcement-learning
[3].https://github.com/PaddlePaddle/PARL/blob/develop/papers/archive.md#distributed-training
[4].https://github.com/LantaoYu/MARL-Papers
[5].https://github.com/gopala-kr/DRL-Agents
[6].https://github.com/junhyukoh/deep-reinforcement-learning-papers
[7].https://www.eff.org/ai/metrics#Source-Code
[8].https://agi.university/the-landscape-of-deep-reinforcement-learning
[9].https://github.com/tigerneil/awesome-deep-rl
[10].https://planspace.org/20170830-berkeley_deep_rl_bootcamp/
[11].https://aikorea.org/awesome-rl/
[12].https://github.com/junhyukoh/deep-reinforcement-learning-papers

                                </div><link href="https://csdnimg.cn/release/phoenix/mdeditor/markdown_views-b6c3c6d139.css" rel="stylesheet"></div>

深度强化学习- 最全深度强化学习资料相关推荐

  1. 【区块链学习最全教程】学习 Solidity,全栈 Web3,Javascript 和区块链开发

    Chainlink 开发者社区发布了一个关于全栈 web3,solidity 和区块链开发的完整视频教程.本视频教程由 Chainlink 开发者大使 Patrick Collins 讲解.教程由浅入 ...

  2. 最全深度强化学习资料

    转载 J.Q.Wang2011 -----深度强化学习系列: 最全深度强化学习资料 下面附上原地址 https://blog.csdn.net/gsww404/article/details/1030 ...

  3. 深度学习之强化学习(1)强化学习案例

    深度学习之强化学习(1)强化学习案例 强化学习案例 1. 平衡杆游戏 2. 策略网络 3. 梯度更新 4. 平衡杆游戏实战 完整代码 人工智能=深度学习+强化学习--David Silver  强化学 ...

  4. 【2022·深度强化学习课程】深度强化学习极简入门与Pytorch实战

    课程名称:深度强化学习极简入门与Pytorch实战 课程内容:强化学习基础理论,Python和深度学习编程基础.深度强化学习理论与编程实战 课程地址:https://edu.csdn.net/cour ...

  5. 【spinning up】2.2 功能超全的强化学习画图脚本

    功能超全的强化学习画图脚本 文章目录 功能超全的强化学习画图脚本 原始画图效果: 加了九大功能: 最终画图效果: 多个子图绘制和图例legend位置调整: 代码链接,有详细注释: 关于强化学习绘图的其 ...

  6. 【ICML2018】63篇强化学习论文全解读

    https://blog.csdn.net/dQCFKyQDXYm3F8rB0/article/details/81230588 由全球最大中文IT社区CSDN与全球AI技术社区AICamp共同打造的 ...

  7. 两个月入门深度学习,全靠动手实践!一位前端小哥的经验分享

    两个月入门深度学习,全靠动手实践!一位前端小哥的经验分享   在当前社会,技术日新月异,一个全栈工程师不及时学习新知识,掌握AI技能,再过两年就算不上"全栈"了. 产品发烧友.前端 ...

  8. 【深度学习】深度神经网络后处理之全连接CRFs(DenseCRF)

    [深度学习]深度神经网络后处理之全连接CRFs(DenseCRF) 文章目录 1 概述 2 条件随机场2.1 什么样的问题需要CRF模型2.2 随机场到马尔科夫随机场2.3 从马尔科夫随机场到条件随机 ...

  9. 【资源放送】机器学习/深度学习最全公开视频大放送!

    文章首发于微信公众号<有三AI> [资源放送]机器学习/深度学习最全公开视频大放送! 该篇小记一下机器学习与深度学习的一些好的基础视频资源. 如果你是刚入门的小白,建议细细阅读一下下面将要 ...

  10. 强化学习环境全库安装(从mujoco到spinningup)

    强化学习环境全库安装 从mujoco200到spinningup (上篇) 前言 一: 安装Mujoco200物理引擎 二. 创建conda虚拟环境 1:选择python版本 2.创建conda虚拟环 ...

最新文章

  1. linux的根文件系统中的proc文件夹详解
  2. python官网下载步骤2019-Python IDE开发工具下载
  3. NIST 人脸识别竞赛 FRVT(Face Recognition Vendor Test)
  4. mybatis plugins_[MyBatis] SpringBoot 整合Mybatis
  5. 内存泄漏检测工具(转载)
  6. [Android]Activity启动过程
  7. ssas ssrs_如何使用SSAS表格模型数据库创建简单的SSRS报告
  8. 第四范式完成超10亿元C轮融资,估值12亿美元
  9. MySQL快速上手[学习笔记](一)
  10. gmat模考_第一次完整模考总结,GmatPrep~~
  11. aswing学习笔记2-不规则外框-请教思路
  12. 动态规划练习合集(c++)
  13. Photoshop插件-黑白(三)-脚本开发-PS插件
  14. ARCore1.2使用入门(一) ------ 将ARCore案例打包成Android/iOS运行测试(unity开发)
  15. secedit.exe本地安全策略命令
  16. 手机写java_手机怎么写java
  17. Elasticsearch 7.13 删除文档后如何释放存储空间、手动执行forcemerge操作
  18. Ansheng的SRE学习之路-linux基础篇
  19. swper_swipe和swiper的区别
  20. 基于javaweb的精美物流管理系统(java+springboot+vue+mysql)

热门文章

  1. Visual Studio 添加外部工具
  2. MySQL innodb下的记录锁,间隙锁,next-key锁
  3. C3P0组件+DbUtils组件实现一个JdbcUtils工具类
  4. JAVA和tomcat 环境变量配置
  5. cloudflare免费证书_国外Cloudflare免费ssl证书设置
  6. element做树形下拉_Element input树型下拉框的实现代码
  7. c语言二叉树层序遍历,二叉树二叉链表的层序遍历(C语言)
  8. mybatis-plus修改操作(自动填充)
  9. dg修改归档目录 oracle_Oracle RAC归档管理: 修改归档位置(FRA和其他位置)
  10. python_numpy_求L1损失的两种方法