在这里插入图片描述

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

版权声明:本文为博主原创文章,遵循 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>
查看全文
如若内容造成侵权/违法违规/事实不符,请联系编程学习网邮箱:809451989@qq.com进行投诉反馈,一经查实,立即删除!

相关文章

  1. 视频跨平台播放器倍速播放

    // 视频获取速率 var videoSpeed video.playbackRate; // 视频设置播放速率&#xff0c;如正常速度播放 video.playbackRate 1.0; // 获取音频播放速率 var audioSpeed audio.playbackRate; // 音频设置播放速率&#xff0c;如正常速度播放 audio.playbackRate 1.0; <v…...

    2024/4/20 9:13:21
  2. 百度网盘网页端视频倍速方法

    当我在网页端看百度网盘视频而苦于无法倍速的时候&#xff0c;我更改了视频的网页代码&#xff0c;每次看的时候只需复制粘贴一下代码就可以轻松实现倍速了&#xff0c;很简单&#xff01; 首先&#xff0c;如下图进入开发者工具 在控制台&#xff08;console&#xff09;输入…...

    2024/4/21 1:45:29
  3. 谷歌浏览器自定义视频的倍速播放

    想随意调节视频播放的倍速 &#xff0c;谷歌浏览器按f12,点选console 输入 document.querySelector(video).playbackRate 3;按下回车即可3倍速播放&#xff0c;想要多少的速度自己修改数字即可。 以B站的视频为例&#xff1a;...

    2024/4/21 1:45:29
  4. android exoplayer最好用的视频播放器,倍速播放

    集成安卓播放器 1&#xff0c;主要内容来自官方文档&#xff0c;下面为本人学习后总结的一个播放器。 官方文档&#xff1a;https://exoplayer.dev/hello-world.html 2&#xff0c;第一步&#xff1a;添加依赖,和java 8语法支持 implementation com.google.android.exoplaye…...

    2024/4/21 1:45:27
  5. 考研必备 | 百度网盘网页视频在线倍速播放

    写在前面&#xff1a; 考研学子努力加油&#xff0c;拼尽全力吧&#xff01; 1、 》》 彩蛋 1 《《 2、 》》 彩蛋 2《《 1、打开百度网盘网页视频播放页面 &#xff0c;在该页面右键&#xff0c;点击“检查”或者按F12&#xff08;不同浏览器按键可能不同&#xff0…...

    2024/4/21 1:45:26
  6. 视频倍速js,记录

    videojs.getPlayers("video-player").html5player.tech_.setPlaybackRate(2)...

    2024/4/21 1:45:25
  7. 百度云在线视频倍速播放

    因为是研友的提起&#xff0c;所以我总结了一下我常见的处理方式&#xff0c;写在了公众号里面&#xff0c;劳烦各位移步一下哈&#xff0c;请点击&#xff1a;在线倍速攻略...

    2024/4/21 1:45:24
  8. [Windows] 【网页视频 变速(倍速)播放】+强制HTML5播放

    原:https://www.52pojie.cn/forum.php?modviewthread&tid626150 一、 安装需求&#xff08;准备阶段&#xff09; &#xff1a; 1、一款支持装插件的浏览器&#xff0c;如 chrome &#xff0c;360极速浏览器等&#xff0c;本贴介绍 chrome浏览器 加速播放插件的安装…...

    2024/4/21 1:45:23
  9. 浏览器多倍速播放视频

    浏览器多倍速播放视频&#xff0c;按F12&#xff0c;在console中输入&#xff1a; document.querySelector(video).playbackRate 3 即为3倍速播放&#xff0c;欲多倍速播放&#xff0c;修改参数即可。...

    2024/4/21 1:45:24
  10. 推荐一个可以倍速播放HTML5视频的脚本

    推荐一个可以倍速播放HTML5视频的脚本 这个脚本是我在看百度网盘上的视频时经常使用的&#xff0c;当时也是由于百度网盘上的视频播放速度对于普通用户来说只能普通速度播放&#xff0c;还想着自己学一学开发插件的知识&#xff0c;因为学过web前端开发的那套东西&#xff0c;…...

    2024/4/21 1:45:21
  11. 网页视频倍速播放

    网页视频倍速播放 /* play video twice as fast */ document.querySelector(video).defaultPlaybackRate 2.0;//默认两倍速播放 document.querySelector(video).play();/* now play three times as fast just for the heck of it */ document.querySelector(video).playbackR…...

    2024/4/21 1:45:21
  12. 谷歌浏览器倍速播放视频方法

    在视频播放页面&#xff0c;按照如下图所示方式找到开发者工具 点击console&#xff0c;输入“videojs.getPlayers("video-player").html5player.tech_.setPlaybackRate(1.5)” 1.5倍速&#xff0c;把数字改成自己需要的倍速即可 然后回车...

    2024/4/21 1:45:19
  13. Android对于视频倍速播放的解决方案:建议播放开源库ijkplayer

    场景&#xff1a; App需要支持视频的倍速播放。 问题&#xff1a; 1&#xff0c;视频是否要支持特定的格式才可以进行倍速播放&#xff1f; 2&#xff0c;倍速播放会带来什么问题&#xff1f; 解决方法&#xff1a; 1&#xff0c;倍速播放的视频不需要特定的格式。建议选中开源…...

    2024/4/21 1:45:19
  14. B站看视频高倍速设置

    ** 首先打开你要看的视频网页 ** 像这样 然后点击F12出现控制台页面&#xff0c;并在这里赋值这段代码并敲回车 document.querySelector(video).playbackRate 3这样就可以把视频调成3倍速了&#xff0c;里面的数字可以随意改动&#xff0c;可以任意调成你想要的倍速。...

    2024/4/20 8:18:58
  15. B站视频任意调整倍速

    方法一 该方法应用于单个视频有效。 按F12&#xff0c;在console界面中&#xff0c;添加下面语句&#xff0c;回车即可&#xff08;等于号后面的数字为倍速&#xff09;。 document.querySelector(video).playbackRate 3方法二 使用插件解决&#xff0c;可以应用于多处&am…...

    2024/4/21 1:45:17
  16. 百度云视频免下载倍速播放

    最近考研&#xff0c;因此主要靠百度云上的考研视频来学习&#xff0c;百度云上的视频资源下载后可以倍速播放&#xff0c;但是鉴于手机和电脑内存不足&#xff0c;所以在网上找了找如何免下载倍速播放。 在Google上打开要播放的百度云视频&#xff0c;左击Google右上角的“三点…...

    2024/4/20 20:37:49
  17. 百度云视频倍速观看

    1.安装【油猴】拓展插件 可以去拓展迷安装&#xff0c;拓展迷 2.点击获取新脚本 3.点击greasyfork获取脚本 4.搜索脚本【百度网盘视频倍速】 5.点击安装即可 6.点击右侧的 【及】&#xff0c;可以选择速率...

    2024/4/20 9:12:45
  18. B站视频倍速播放代码

    document.querySelector(video).playbackRate 2.5...

    2024/4/20 20:37:46
  19. h5视频倍速播放功能(视频多倍速观看功能的实例)

    h5视频倍速播放功能(视频多倍速观看功能的实例) 写倍速播放器代码的原理&#xff0c;采用的是video的playbackRate属性 ( playbackRate 属性设置或返回音频/视频的当前播放速度)。 主要代码&#xff1a; <video id"video" width"180" height"314…...

    2024/4/20 13:20:28
  20. B站视频倍速、视频下载

    B站视频倍速 打开视频网页&#xff0c;按F12打开开发者工具&#xff0c;选择第二个-控制台&#xff08;console&#xff09;&#xff0c;输入document.querySelector(‘video’).playbackRate 3&#xff1b;按回车即可&#xff0c;调整数字大小可调整速度。 B站视频下载 打开…...

    2024/4/21 1:45:16

最新文章

  1. 2024平替电容笔买哪个品牌好?iPad电容笔全能榜单热门款TOP5分享!

    2024年&#xff0c;随着科技的不断发展和消费者对生活品质的追求&#xff0c;电容笔作为一种创新的无纸化工具&#xff0c;逐渐走进人们的生活和工作中。然而&#xff0c;在电容笔市场的繁荣背后&#xff0c;也隐藏着品质良莠不齐的现象。众多品牌为了追求利润&#xff0c;推出…...

    2024/4/23 20:02:23
  2. 梯度消失和梯度爆炸的一些处理方法

    在这里是记录一下梯度消失或梯度爆炸的一些处理技巧。全当学习总结了如有错误还请留言&#xff0c;在此感激不尽。 权重和梯度的更新公式如下&#xff1a; w w − η ⋅ ∇ w w w - \eta \cdot \nabla w ww−η⋅∇w 个人通俗的理解梯度消失就是网络模型在反向求导的时候出…...

    2024/3/20 10:50:27
  3. 【Locust分布式压力测试】

    Locust分布式压力测试 https://docs.locust.io/en/stable/running-distributed.html Distributed load generation A single process running Locust can simulate a reasonably high throughput. For a simple test plan and small payloads it can make more than a thousan…...

    2024/4/23 5:42:17
  4. datalist是什么,有什么作用?

    <datalist>标签用于定义一个预定义选项列表&#xff0c;它可以与文本输入框&#xff08;<input type"text">&#xff09;一起使用&#xff0c;提供一组可选的值供用户选择或输入。<datalist>标签中的选项可以通过<option>标签来定义。 <…...

    2024/4/23 6:35:26
  5. 【外汇早评】美通胀数据走低,美元调整

    原标题:【外汇早评】美通胀数据走低,美元调整昨日美国方面公布了新一期的核心PCE物价指数数据,同比增长1.6%,低于前值和预期值的1.7%,距离美联储的通胀目标2%继续走低,通胀压力较低,且此前美国一季度GDP初值中的消费部分下滑明显,因此市场对美联储后续更可能降息的政策…...

    2024/4/22 17:02:52
  6. 【原油贵金属周评】原油多头拥挤,价格调整

    原标题:【原油贵金属周评】原油多头拥挤,价格调整本周国际劳动节,我们喜迎四天假期,但是整个金融市场确实流动性充沛,大事频发,各个商品波动剧烈。美国方面,在本周四凌晨公布5月份的利率决议和新闻发布会,维持联邦基金利率在2.25%-2.50%不变,符合市场预期。同时美联储…...

    2024/4/23 13:30:22
  7. 【外汇周评】靓丽非农不及疲软通胀影响

    原标题:【外汇周评】靓丽非农不及疲软通胀影响在刚结束的周五,美国方面公布了新一期的非农就业数据,大幅好于前值和预期,新增就业重新回到20万以上。具体数据: 美国4月非农就业人口变动 26.3万人,预期 19万人,前值 19.6万人。 美国4月失业率 3.6%,预期 3.8%,前值 3…...

    2024/4/23 13:28:06
  8. 【原油贵金属早评】库存继续增加,油价收跌

    原标题:【原油贵金属早评】库存继续增加,油价收跌周三清晨公布美国当周API原油库存数据,上周原油库存增加281万桶至4.692亿桶,增幅超过预期的74.4万桶。且有消息人士称,沙特阿美据悉将于6月向亚洲炼油厂额外出售更多原油,印度炼油商预计将每日获得至多20万桶的额外原油供…...

    2024/4/20 23:26:47
  9. 【外汇早评】日本央行会议纪要不改日元强势

    原标题:【外汇早评】日本央行会议纪要不改日元强势近两日日元大幅走强与近期市场风险情绪上升,避险资金回流日元有关,也与前一段时间的美日贸易谈判给日本缓冲期,日本方面对汇率问题也避免继续贬值有关。虽然今日早间日本央行公布的利率会议纪要仍然是支持宽松政策,但这符…...

    2024/4/23 13:27:44
  10. 【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响

    原标题:【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响近日伊朗局势升温,导致市场担忧影响原油供给,油价试图反弹。此时OPEC表态稳定市场。据消息人士透露,沙特6月石油出口料将低于700万桶/日,沙特已经收到石油消费国提出的6月份扩大出口的“适度要求”,沙特将满…...

    2024/4/19 11:57:53
  11. 【外汇早评】美欲与伊朗重谈协议

    原标题:【外汇早评】美欲与伊朗重谈协议美国对伊朗的制裁遭到伊朗的抗议,昨日伊朗方面提出将部分退出伊核协议。而此行为又遭到欧洲方面对伊朗的谴责和警告,伊朗外长昨日回应称,欧洲国家履行它们的义务,伊核协议就能保证存续。据传闻伊朗的导弹已经对准了以色列和美国的航…...

    2024/4/23 13:29:53
  12. 【原油贵金属早评】波动率飙升,市场情绪动荡

    原标题:【原油贵金属早评】波动率飙升,市场情绪动荡因中美贸易谈判不安情绪影响,金融市场各资产品种出现明显的波动。随着美国与中方开启第十一轮谈判之际,美国按照既定计划向中国2000亿商品征收25%的关税,市场情绪有所平复,已经开始接受这一事实。虽然波动率-恐慌指数VI…...

    2024/4/23 13:27:22
  13. 【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试

    原标题:【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试美国和伊朗的局势继续升温,市场风险情绪上升,避险黄金有向上突破阻力的迹象。原油方面稍显平稳,近期美国和OPEC加大供给及市场需求回落的影响,伊朗局势并未推升油价走强。近期中美贸易谈判摩擦再度升级,美国对中…...

    2024/4/23 13:28:42
  14. 【原油贵金属早评】市场情绪继续恶化,黄金上破

    原标题:【原油贵金属早评】市场情绪继续恶化,黄金上破周初中国针对于美国加征关税的进行的反制措施引发市场情绪的大幅波动,人民币汇率出现大幅的贬值动能,金融市场受到非常明显的冲击。尤其是波动率起来之后,对于股市的表现尤其不安。隔夜美国股市出现明显的下行走势,这…...

    2024/4/21 20:01:37
  15. 【外汇早评】美伊僵持,风险情绪继续升温

    原标题:【外汇早评】美伊僵持,风险情绪继续升温昨日沙特两艘油轮再次发生爆炸事件,导致波斯湾局势进一步恶化,市场担忧美伊可能会出现摩擦生火,避险品种获得支撑,黄金和日元大幅走强。美指受中美贸易问题影响而在低位震荡。继5月12日,四艘商船在阿联酋领海附近的阿曼湾、…...

    2024/4/23 13:29:23
  16. 【原油贵金属早评】贸易冲突导致需求低迷,油价弱势

    原标题:【原油贵金属早评】贸易冲突导致需求低迷,油价弱势近日虽然伊朗局势升温,中东地区几起油船被袭击事件影响,但油价并未走高,而是出于调整结构中。由于市场预期局势失控的可能性较低,而中美贸易问题导致的全球经济衰退风险更大,需求会持续低迷,因此油价调整压力较…...

    2024/4/23 13:27:46
  17. 氧生福地 玩美北湖(上)——为时光守候两千年

    原标题:氧生福地 玩美北湖(上)——为时光守候两千年一次说走就走的旅行,只有一张高铁票的距离~ 所以,湖南郴州,我来了~ 从广州南站出发,一个半小时就到达郴州西站了。在动车上,同时改票的南风兄和我居然被分到了一个车厢,所以一路非常愉快地聊了过来。 挺好,最起…...

    2024/4/23 13:47:22
  18. 氧生福地 玩美北湖(中)——永春梯田里的美与鲜

    原标题:氧生福地 玩美北湖(中)——永春梯田里的美与鲜一觉醒来,因为大家太爱“美”照,在柳毅山庄去寻找龙女而错过了早餐时间。近十点,向导坏坏还是带着饥肠辘辘的我们去吃郴州最富有盛名的“鱼头粉”。说这是“十二分推荐”,到郴州必吃的美食之一。 哇塞!那个味美香甜…...

    2024/4/19 11:59:23
  19. 氧生福地 玩美北湖(下)——奔跑吧骚年!

    原标题:氧生福地 玩美北湖(下)——奔跑吧骚年!让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 啊……啊……啊 两…...

    2024/4/19 11:59:44
  20. 扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!

    原标题:扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!扒开伪装医用面膜,翻六倍价格宰客!当行业里的某一品项火爆了,就会有很多商家蹭热度,装逼忽悠,最近火爆朋友圈的医用面膜,被沾上了污点,到底怎么回事呢? “比普通面膜安全、效果好!痘痘、痘印、敏感肌都能用…...

    2024/4/23 13:28:08
  21. 「发现」铁皮石斛仙草之神奇功效用于医用面膜

    原标题:「发现」铁皮石斛仙草之神奇功效用于医用面膜丽彦妆铁皮石斛医用面膜|石斛多糖无菌修护补水贴19大优势: 1、铁皮石斛:自唐宋以来,一直被列为皇室贡品,铁皮石斛生于海拔1600米的悬崖峭壁之上,繁殖力差,产量极低,所以古代仅供皇室、贵族享用 2、铁皮石斛自古民间…...

    2024/4/23 13:29:47
  22. 丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者

    原标题:丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者【公司简介】 广州华彬企业隶属香港华彬集团有限公司,专注美业21年,其旗下品牌: 「圣茵美」私密荷尔蒙抗衰,产后修复 「圣仪轩」私密荷尔蒙抗衰,产后修复 「花茵莳」私密荷尔蒙抗衰,产后修复 「丽彦妆」专注医学护…...

    2024/4/23 13:28:14
  23. 广州械字号面膜生产厂家OEM/ODM4项须知!

    原标题:广州械字号面膜生产厂家OEM/ODM4项须知!广州械字号面膜生产厂家OEM/ODM流程及注意事项解读: 械字号医用面膜,其实在我国并没有严格的定义,通常我们说的医美面膜指的应该是一种「医用敷料」,也就是说,医用面膜其实算作「医疗器械」的一种,又称「医用冷敷贴」。 …...

    2024/4/23 13:27:51
  24. 械字号医用眼膜缓解用眼过度到底有无作用?

    原标题:械字号医用眼膜缓解用眼过度到底有无作用?医用眼膜/械字号眼膜/医用冷敷眼贴 凝胶层为亲水高分子材料,含70%以上的水分。体表皮肤温度传导到本产品的凝胶层,热量被凝胶内水分子吸收,通过水分的蒸发带走大量的热量,可迅速地降低体表皮肤局部温度,减轻局部皮肤的灼…...

    2024/4/23 13:27:19
  25. 配置失败还原请勿关闭计算机,电脑开机屏幕上面显示,配置失败还原更改 请勿关闭计算机 开不了机 这个问题怎么办...

    解析如下&#xff1a;1、长按电脑电源键直至关机&#xff0c;然后再按一次电源健重启电脑&#xff0c;按F8健进入安全模式2、安全模式下进入Windows系统桌面后&#xff0c;按住“winR”打开运行窗口&#xff0c;输入“services.msc”打开服务设置3、在服务界面&#xff0c;选中…...

    2022/11/19 21:17:18
  26. 错误使用 reshape要执行 RESHAPE,请勿更改元素数目。

    %读入6幅图像&#xff08;每一幅图像的大小是564*564&#xff09; f1 imread(WashingtonDC_Band1_564.tif); subplot(3,2,1),imshow(f1); f2 imread(WashingtonDC_Band2_564.tif); subplot(3,2,2),imshow(f2); f3 imread(WashingtonDC_Band3_564.tif); subplot(3,2,3),imsho…...

    2022/11/19 21:17:16
  27. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机...

    win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”问题的解决方法在win7系统关机时如果有升级系统的或者其他需要会直接进入一个 等待界面&#xff0c;在等待界面中我们需要等待操作结束才能关机&#xff0c;虽然这比较麻烦&#xff0c;但是对系统进行配置和升级…...

    2022/11/19 21:17:15
  28. 台式电脑显示配置100%请勿关闭计算机,“准备配置windows 请勿关闭计算机”的解决方法...

    有不少用户在重装Win7系统或更新系统后会遇到“准备配置windows&#xff0c;请勿关闭计算机”的提示&#xff0c;要过很久才能进入系统&#xff0c;有的用户甚至几个小时也无法进入&#xff0c;下面就教大家这个问题的解决方法。第一种方法&#xff1a;我们首先在左下角的“开始…...

    2022/11/19 21:17:14
  29. win7 正在配置 请勿关闭计算机,怎么办Win7开机显示正在配置Windows Update请勿关机...

    置信有很多用户都跟小编一样遇到过这样的问题&#xff0c;电脑时发现开机屏幕显现“正在配置Windows Update&#xff0c;请勿关机”(如下图所示)&#xff0c;而且还需求等大约5分钟才干进入系统。这是怎样回事呢&#xff1f;一切都是正常操作的&#xff0c;为什么开时机呈现“正…...

    2022/11/19 21:17:13
  30. 准备配置windows 请勿关闭计算机 蓝屏,Win7开机总是出现提示“配置Windows请勿关机”...

    Win7系统开机启动时总是出现“配置Windows请勿关机”的提示&#xff0c;没过几秒后电脑自动重启&#xff0c;每次开机都这样无法进入系统&#xff0c;此时碰到这种现象的用户就可以使用以下5种方法解决问题。方法一&#xff1a;开机按下F8&#xff0c;在出现的Windows高级启动选…...

    2022/11/19 21:17:12
  31. 准备windows请勿关闭计算机要多久,windows10系统提示正在准备windows请勿关闭计算机怎么办...

    有不少windows10系统用户反映说碰到这样一个情况&#xff0c;就是电脑提示正在准备windows请勿关闭计算机&#xff0c;碰到这样的问题该怎么解决呢&#xff0c;现在小编就给大家分享一下windows10系统提示正在准备windows请勿关闭计算机的具体第一种方法&#xff1a;1、2、依次…...

    2022/11/19 21:17:11
  32. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”的解决方法...

    今天和大家分享一下win7系统重装了Win7旗舰版系统后&#xff0c;每次关机的时候桌面上都会显示一个“配置Windows Update的界面&#xff0c;提示请勿关闭计算机”&#xff0c;每次停留好几分钟才能正常关机&#xff0c;导致什么情况引起的呢&#xff1f;出现配置Windows Update…...

    2022/11/19 21:17:10
  33. 电脑桌面一直是清理请关闭计算机,windows7一直卡在清理 请勿关闭计算机-win7清理请勿关机,win7配置更新35%不动...

    只能是等着&#xff0c;别无他法。说是卡着如果你看硬盘灯应该在读写。如果从 Win 10 无法正常回滚&#xff0c;只能是考虑备份数据后重装系统了。解决来方案一&#xff1a;管理员运行cmd&#xff1a;net stop WuAuServcd %windir%ren SoftwareDistribution SDoldnet start WuA…...

    2022/11/19 21:17:09
  34. 计算机配置更新不起,电脑提示“配置Windows Update请勿关闭计算机”怎么办?

    原标题&#xff1a;电脑提示“配置Windows Update请勿关闭计算机”怎么办&#xff1f;win7系统中在开机与关闭的时候总是显示“配置windows update请勿关闭计算机”相信有不少朋友都曾遇到过一次两次还能忍但经常遇到就叫人感到心烦了遇到这种问题怎么办呢&#xff1f;一般的方…...

    2022/11/19 21:17:08
  35. 计算机正在配置无法关机,关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机...

    关机提示 windows7 正在配置windows 请勿关闭计算机 &#xff0c;然后等了一晚上也没有关掉。现在电脑无法正常关机以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容&#xff0c;让我们赶快一起来看一下吧&#xff01;关机提示 windows7 正在配…...

    2022/11/19 21:17:05
  36. 钉钉提示请勿通过开发者调试模式_钉钉请勿通过开发者调试模式是真的吗好不好用...

    钉钉请勿通过开发者调试模式是真的吗好不好用 更新时间:2020-04-20 22:24:19 浏览次数:729次 区域: 南阳 > 卧龙 列举网提醒您:为保障您的权益,请不要提前支付任何费用! 虚拟位置外设器!!轨迹模拟&虚拟位置外设神器 专业用于:钉钉,外勤365,红圈通,企业微信和…...

    2022/11/19 21:17:05
  37. 配置失败还原请勿关闭计算机怎么办,win7系统出现“配置windows update失败 还原更改 请勿关闭计算机”,长时间没反应,无法进入系统的解决方案...

    前几天班里有位学生电脑(windows 7系统)出问题了&#xff0c;具体表现是开机时一直停留在“配置windows update失败 还原更改 请勿关闭计算机”这个界面&#xff0c;长时间没反应&#xff0c;无法进入系统。这个问题原来帮其他同学也解决过&#xff0c;网上搜了不少资料&#x…...

    2022/11/19 21:17:04
  38. 一个电脑无法关闭计算机你应该怎么办,电脑显示“清理请勿关闭计算机”怎么办?...

    本文为你提供了3个有效解决电脑显示“清理请勿关闭计算机”问题的方法&#xff0c;并在最后教给你1种保护系统安全的好方法&#xff0c;一起来看看&#xff01;电脑出现“清理请勿关闭计算机”在Windows 7(SP1)和Windows Server 2008 R2 SP1中&#xff0c;添加了1个新功能在“磁…...

    2022/11/19 21:17:03
  39. 请勿关闭计算机还原更改要多久,电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机怎么办...

    许多用户在长期不使用电脑的时候&#xff0c;开启电脑发现电脑显示&#xff1a;配置windows更新失败&#xff0c;正在还原更改&#xff0c;请勿关闭计算机。。.这要怎么办呢&#xff1f;下面小编就带着大家一起看看吧&#xff01;如果能够正常进入系统&#xff0c;建议您暂时移…...

    2022/11/19 21:17:02
  40. 还原更改请勿关闭计算机 要多久,配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以...

    配置windows update失败 还原更改 请勿关闭计算机&#xff0c;电脑开机后一直显示以以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容&#xff0c;让我们赶快一起来看一下吧&#xff01;配置windows update失败 还原更改 请勿关闭计算机&#x…...

    2022/11/19 21:17:01
  41. 电脑配置中请勿关闭计算机怎么办,准备配置windows请勿关闭计算机一直显示怎么办【图解】...

    不知道大家有没有遇到过这样的一个问题&#xff0c;就是我们的win7系统在关机的时候&#xff0c;总是喜欢显示“准备配置windows&#xff0c;请勿关机”这样的一个页面&#xff0c;没有什么大碍&#xff0c;但是如果一直等着的话就要两个小时甚至更久都关不了机&#xff0c;非常…...

    2022/11/19 21:17:00
  42. 正在准备配置请勿关闭计算机,正在准备配置windows请勿关闭计算机时间长了解决教程...

    当电脑出现正在准备配置windows请勿关闭计算机时&#xff0c;一般是您正对windows进行升级&#xff0c;但是这个要是长时间没有反应&#xff0c;我们不能再傻等下去了。可能是电脑出了别的问题了&#xff0c;来看看教程的说法。正在准备配置windows请勿关闭计算机时间长了方法一…...

    2022/11/19 21:16:59
  43. 配置失败还原请勿关闭计算机,配置Windows Update失败,还原更改请勿关闭计算机...

    我们使用电脑的过程中有时会遇到这种情况&#xff0c;当我们打开电脑之后&#xff0c;发现一直停留在一个界面&#xff1a;“配置Windows Update失败&#xff0c;还原更改请勿关闭计算机”&#xff0c;等了许久还是无法进入系统。如果我们遇到此类问题应该如何解决呢&#xff0…...

    2022/11/19 21:16:58
  44. 如何在iPhone上关闭“请勿打扰”

    Apple’s “Do Not Disturb While Driving” is a potentially lifesaving iPhone feature, but it doesn’t always turn on automatically at the appropriate time. For example, you might be a passenger in a moving car, but your iPhone may think you’re the one dri…...

    2022/11/19 21:16:57