Reinforcement Learning (1) Key Concepts & Algorithms

Total Page:16

File Type:pdf, Size:1020Kb

Reinforcement Learning (1) Key Concepts & Algorithms Winter 2020 CSC 594 Topics in AI: Advanced Deep Learning 5. Deep Reinforcement Learning (1) Key Concepts & Algorithms (Most content adapted from OpenAI ‘Spinning Up’) 1 Noriko Tomuro Reinforcement Learning (RL) • Reinforcement Learning (RL) is a type of Machine Learning where an agent learns to achieve a goal by interacting with the environment -- trial and error. • RL is one of three basic machine learning paradigms, alongside supervised learning and unsupervised learning. • The purpose of RL is to learn an optimal policy that maximizes the return for the sequences of agent’s actions (i.e., optimal policy). https://en.wikipedia.org/wiki/Reinforcement_learning 2 • RL have recently enjoyed a wide variety of successes, e.g. – Robot controlling in simulation as well as in the real world Strategy games such as • AlphaGO (by Google DeepMind) • Atari games https://en.wikipedia.org/wiki/Reinforcement_learning 3 Deep Reinforcement Learning (DRL) • A policy is essentially a function, which maps the agent’s each action to the expected return or reward. Deep Reinforcement Learning (DRL) uses deep neural networks for the function (and other components). https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 4 5 Some Key Concepts and Terminology 1. States and Observations – A state s is a complete description of the state of the world. For now, we can think of states belonging in the environment. – An observation o is a partial description of a state, which may omit information. – A state could be fully or partially observable to the agent. If partial, the agent forms an internal state (or state estimation). https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 6 • States and Observations (cont.) – In deep RL, we almost always represent states and observations by a real-valued vector, matrix, or higher-order tensor. – For example, a state in the CartPole environment is represented by four features: • Cart position • Cart velocity • Pole angle • Pole velocity https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 7 2. Action Spaces – Different environments allow different kinds of actions. The set of all valid actions in a given environment is often called the action space. – Some environments, like Atari and Go, have discrete action spaces, where only a finite number of moves are available to the agent. – Other environments, like where the agent controls a robot in a physical world, have continuous action spaces. In continuous spaces, actions are real-valued vectors. https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 8 2. Policies – A policy is a rule used by an agent to decide what actions to take. It can be deterministic, in which case it is usually denoted by µ: = or it may be stochastic , usually denoted by π: ~ [Note: ~ represents ‘sampling’ from the stochastic process.] � – In deep RL, we deal with parameterized policies: policies whose outputs are depend on a set of parameters θ (e.g. the weights and biases of a neural network): = ~ ( | ) � https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 9 3. Trajectories – A trajectory τ is a sequence of states and actions in the world: = , , , , … – State transitions (what happens to the world between the τ 1 1 state at time t (st)and the state at t+1 (st+1) are governed by the natural laws of the environment, and depend on only the most recent action at. They can be either deterministic, = , +1 or stochastic, ~ | , – Actions come from an agent according to its policy. +1 � – Trajectories are also frequently called episodes or rollouts. https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 10 4. Reward and Return – The reward function R is critically important in RL. – It takes the current state st, the action at taken at the state and the next state st+1 where the environment placed the agent after taking the action, and returns a reward rt (for just that one step; the value is usually a real number). = ( , , ) But sometimes simplified notations +1 are used: = , or = ( ) – Then we can define return: the cumulative reward for a whole trajectory τ – the total reward the agent receives from (or at the end of) the trajectory: = = ( , , ) −1 −1 +1 �=0 �=0 https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 11 – We often apply discount factor γ (gamma; between 0 and 1) to rewards obtained later in the trajectory (especially the trajectories are infinite). = = + + + ∞ 0 1 2 � 0 � 1 � 2 ⋯ – But the ultimate�=0 goal� of the agent is to find an optimal policy that maximizes the expected return (over all trajectories). To wit, assuming stochastic policy and environment transitions, we first define the probability distributions. – The probability of a T-step trajectory is = ( ) −1 ( | , ) ( | ) 0 0 +1 Initial state probability � � =0 Action probability of agent State transition probability of environment https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 12 – Then the expected return, denoted J(π), is defined as: = = E ~ � � Return of the trajectory Probability of trajectory w.r.t the given policy – The central optimization problem in RL can then be expressed by = argmax ( ) ∗ where being the optimal policy . ∗ https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 13 5. Value functions – Value functions are used in almost every RL algorithm. – A value function returns the expected return if you start from a given state (V(s)) or for a state-action pair (Q(s,a)). There are four main functions to note: 1. On-policy Value Function – returns the expected return if you start from the given state s and always act according to the given/current policy π: ( ) = E ~ | = 2. On-policy Action-Value Function0 – returns the expected return if you start from the given state s, take an arbitrary action a, then forever after act according to policy π: ( , ) = E ~ | = , = 0 0 https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 14 3. Optimal Value Function – returns the expected return if you start from the given state s and always act according to the optimal policy in the environment π*: ( ) = max E ~ | = ∗ 0 4. Optimal Action-Value Function –returns the expected return if you start from the given state s, take an arbitrary action a, then forever after act according to the optimal policy π*: ( , ) = max E ~ | = , = ∗ 0 0 -------------------------- * Note on the connection between V and Q functions. – = E ~ , – = max , ∗ ∗ https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 15 6. Bellman Equations – All four value functions obey special self-consistency equations called Bellman equations. – Its basic idea is that the value of the starting state is “the reward you expect to get from being there, plus the value of wherever you land next.” • Bellman equations for the on-policy value functions are: ( ) = E ~ , ~ , + ( ) ( , ) = E ′, + E ( ,′ ) ~ ~ � ′ ′ ′ ′ • Bellman equations for the optimal � value functions are: ( ) = max E ~ , + ( ) ∗ ′ ∗ ′ ( , ) = E ~ , + max ( , ) � ∗ ′ ∗ ′ ′ ′ � https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 16 7. Advantage Functions – Sometimes in RL, we don’t need to describe how good an action is in an absolute sense, but only how much better it is than others on average. That is to say, we want to know the relative advantage of that action. – The advantage function ( , ) corresponding to a policy π describes how much better it is to take a specific action a in state s, over randomly selecting an action according to ( | ). , = , � − https://spinningup.openai.com/en/latest/spinningup/rl_intro.html 17 Kinds of RL Algorithms • There are many algorithms in RL. Here is an example taxonomy. https://spinningup.openai.com/en/latest/spinningup/rl_intro2.html 18 Model-free vs. Model-based • Model-based RL algorithms are applied when the agent has access the model of the environment – a function that predicts state transitions and rewards. • In that case, the agent can plan by thinking ahead to obtain (or learn) an optimal policy without actually acting out the plan. • A particularly well-known example of model-based RL is AlphaZero, a Google DeepMind project applied to chess, shogi and go (where the predecessor AlphaGo Zero only played go). https://spinningup.openai.com/en/latest/spinningup/rl_intro2.html 19 [Note] Training in AlphaGo Zero (from Wikipedia) “AlphaGo Zero's neural network was trained using TensorFlow, with 64 GPU workers and 19 CPU parameter servers. Only four TPUs were used for inference. The neural network initially knew nothing about Go beyond the rules. Unlike earlier versions of AlphaGo, Zero only perceived the board's stones, rather than having some rare human- programmed edge cases to help recognize unusual Go board positions. The AI engaged in reinforcement learning, playing against itself until it could anticipate its own moves and how those moves would affect the game's outcome.[8] In the first three days AlphaGo Zero played 4.9 million games against itself in quick succession.[9] It appeared to develop the skills required to beat top humans within just a few days, whereas the earlier AlphaGo took months of training to achieve the same level.[10]” https://en.wikipedia.org/wiki/AlphaGo_Zero 20 • But the main downside of model-based RL algorithms is that a ground-truth model of the environment is usually NOT available to the agent. ------------------------------------------------------ • Algorithms that do not use a model are called model-free methods. An agent learns (policies, environment models etc.) through experience -- by acting out in the environment. • Model-free methods are more popular than model-based methods, also easier to implement and tune! • There are two main approaches to representing and training agents with model-free RL: 1. Policy Optimization Learns the policy (a function/model) directly by optimizing the model parameters 2. Q-learning Learns the Value functions. https://spinningup.openai.com/en/latest/spinningup/rl_intro2.html 21 Policy Optimization • Methods in this family represent a policy explicitly as ( | ).
Recommended publications
  • OLIVAW: Mastering Othello with Neither Humans Nor a Penny Antonio Norelli, Alessandro Panconesi Dept
    1 OLIVAW: Mastering Othello with neither Humans nor a Penny Antonio Norelli, Alessandro Panconesi Dept. of Computer Science, Universita` La Sapienza, Rome, Italy Abstract—We introduce OLIVAW, an AI Othello player adopt- of companies. Another aspect of the same problem is the ing the design principles of the famous AlphaGo series. The main amount of training needed. AlphaGo Zero required 4.9 million motivation behind OLIVAW was to attain exceptional competence games played during self-play. While to attain the level of in a non-trivial board game at a tiny fraction of the cost of its illustrious predecessors. In this paper, we show how the grandmaster for games like Starcraft II and Dota 2 the training AlphaGo Zero’s paradigm can be successfully applied to the required 200 years and more than 10,000 years of gameplay, popular game of Othello using only commodity hardware and respectively [7], [8]. free cloud services. While being simpler than Chess or Go, Thus one of the major problems to emerge in the wake Othello maintains a considerable search space and difficulty of these breakthroughs is whether comparable results can be in evaluating board positions. To achieve this result, OLIVAW implements some improvements inspired by recent works to attained at a much lower cost– computational and financial– accelerate the standard AlphaGo Zero learning process. The and with just commodity hardware. In this paper we take main modification implies doubling the positions collected per a small step in this direction, by showing that AlphaGo game during the training phase, by including also positions not Zero’s successful paradigm can be replicated for the game played but largely explored by the agent.
    [Show full text]
  • Towards Incremental Agent Enhancement for Evolving Games
    Evaluating Reinforcement Learning Algorithms For Evolving Military Games James Chao*, Jonathan Sato*, Crisrael Lucero, Doug S. Lange Naval Information Warfare Center Pacific *Equal Contribution ffi[email protected] Abstract games in 2013 (Mnih et al. 2013), Google DeepMind devel- oped AlphaGo (Silver et al. 2016) that defeated world cham- In this paper, we evaluate reinforcement learning algorithms pion Lee Sedol in the game of Go using supervised learning for military board games. Currently, machine learning ap- and reinforcement learning. One year later, AlphaGo Zero proaches to most games assume certain aspects of the game (Silver et al. 2017b) was able to defeat AlphaGo with no remain static. This methodology results in a lack of algorithm robustness and a drastic drop in performance upon chang- human knowledge and pure reinforcement learning. Soon ing in-game mechanics. To this end, we will evaluate general after, AlphaZero (Silver et al. 2017a) generalized AlphaGo game playing (Diego Perez-Liebana 2018) AI algorithms on Zero to be able to play more games including Chess, Shogi, evolving military games. and Go, creating a more generalized AI to apply to differ- ent problems. In 2018, OpenAI Five used five Long Short- term Memory (Hochreiter and Schmidhuber 1997) neural Introduction networks and a Proximal Policy Optimization (Schulman et al. 2017) method to defeat a professional DotA team, each AlphaZero (Silver et al. 2017a) described an approach that LSTM acting as a player in a team to collaborate and achieve trained an AI agent through self-play to achieve super- a common goal. AlphaStar used a transformer (Vaswani et human performance.
    [Show full text]
  • Understanding & Generalizing Alphago Zero
    Under review as a conference paper at ICLR 2019 UNDERSTANDING &GENERALIZING ALPHAGO ZERO Anonymous authors Paper under double-blind review ABSTRACT AlphaGo Zero (AGZ) (Silver et al., 2017b) introduced a new tabula rasa rein- forcement learning algorithm that has achieved superhuman performance in the games of Go, Chess, and Shogi with no prior knowledge other than the rules of the game. This success naturally begs the question whether it is possible to develop similar high-performance reinforcement learning algorithms for generic sequential decision-making problems (beyond two-player games), using only the constraints of the environment as the “rules.” To address this challenge, we start by taking steps towards developing a formal understanding of AGZ. AGZ includes two key innovations: (1) it learns a policy (represented as a neural network) using super- vised learning with cross-entropy loss from samples generated via Monte-Carlo Tree Search (MCTS); (2) it uses self-play to learn without training data. We argue that the self-play in AGZ corresponds to learning a Nash equilibrium for the two-player game; and the supervised learning with MCTS is attempting to learn the policy corresponding to the Nash equilibrium, by establishing a novel bound on the difference between the expected return achieved by two policies in terms of the expected KL divergence (cross-entropy) of their induced distributions. To extend AGZ to generic sequential decision-making problems, we introduce a robust MDP framework, in which the agent and nature effectively play a zero-sum game: the agent aims to take actions to maximize reward while nature seeks state transitions, subject to the constraints of that environment, that minimize the agent’s reward.
    [Show full text]
  • Efficiently Mastering the Game of Nogo with Deep Reinforcement
    electronics Article Efficiently Mastering the Game of NoGo with Deep Reinforcement Learning Supported by Domain Knowledge Yifan Gao 1,*,† and Lezhou Wu 2,† 1 College of Medicine and Biological Information Engineering, Northeastern University, Liaoning 110819, China 2 College of Information Science and Engineering, Northeastern University, Liaoning 110819, China; [email protected] * Correspondence: [email protected] † These authors contributed equally to this work. Abstract: Computer games have been regarded as an important field of artificial intelligence (AI) for a long time. The AlphaZero structure has been successful in the game of Go, beating the top professional human players and becoming the baseline method in computer games. However, the AlphaZero training process requires tremendous computing resources, imposing additional difficulties for the AlphaZero-based AI. In this paper, we propose NoGoZero+ to improve the AlphaZero process and apply it to a game similar to Go, NoGo. NoGoZero+ employs several innovative features to improve training speed and performance, and most improvement strategies can be transferred to other nonspecific areas. This paper compares it with the original AlphaZero process, and results show that NoGoZero+ increases the training speed to about six times that of the original AlphaZero process. Moreover, in the experiment, our agent beat the original AlphaZero agent with a score of 81:19 after only being trained by 20,000 self-play games’ data (small in quantity compared with Citation: Gao, Y.; Wu, L. Efficiently 120,000 self-play games’ data consumed by the original AlphaZero). The NoGo game program based Mastering the Game of NoGo with on NoGoZero+ was the runner-up in the 2020 China Computer Game Championship (CCGC) with Deep Reinforcement Learning limited resources, defeating many AlphaZero-based programs.
    [Show full text]
  • AI Chips: What They Are and Why They Matter
    APRIL 2020 AI Chips: What They Are and Why They Matter An AI Chips Reference AUTHORS Saif M. Khan Alexander Mann Table of Contents Introduction and Summary 3 The Laws of Chip Innovation 7 Transistor Shrinkage: Moore’s Law 7 Efficiency and Speed Improvements 8 Increasing Transistor Density Unlocks Improved Designs for Efficiency and Speed 9 Transistor Design is Reaching Fundamental Size Limits 10 The Slowing of Moore’s Law and the Decline of General-Purpose Chips 10 The Economies of Scale of General-Purpose Chips 10 Costs are Increasing Faster than the Semiconductor Market 11 The Semiconductor Industry’s Growth Rate is Unlikely to Increase 14 Chip Improvements as Moore’s Law Slows 15 Transistor Improvements Continue, but are Slowing 16 Improved Transistor Density Enables Specialization 18 The AI Chip Zoo 19 AI Chip Types 20 AI Chip Benchmarks 22 The Value of State-of-the-Art AI Chips 23 The Efficiency of State-of-the-Art AI Chips Translates into Cost-Effectiveness 23 Compute-Intensive AI Algorithms are Bottlenecked by Chip Costs and Speed 26 U.S. and Chinese AI Chips and Implications for National Competitiveness 27 Appendix A: Basics of Semiconductors and Chips 31 Appendix B: How AI Chips Work 33 Parallel Computing 33 Low-Precision Computing 34 Memory Optimization 35 Domain-Specific Languages 36 Appendix C: AI Chip Benchmarking Studies 37 Appendix D: Chip Economics Model 39 Chip Transistor Density, Design Costs, and Energy Costs 40 Foundry, Assembly, Test and Packaging Costs 41 Acknowledgments 44 Center for Security and Emerging Technology | 2 Introduction and Summary Artificial intelligence will play an important role in national and international security in the years to come.
    [Show full text]
  • ELF Opengo: an Analysis and Open Reimplementation of Alphazero
    ELF OpenGo: An Analysis and Open Reimplementation of AlphaZero Yuandong Tian 1 Jerry Ma * 1 Qucheng Gong * 1 Shubho Sengupta * 1 Zhuoyuan Chen 1 James Pinkerton 1 C. Lawrence Zitnick 1 Abstract However, these advances in playing ability come at signifi- The AlphaGo, AlphaGo Zero, and AlphaZero cant computational expense. A single training run requires series of algorithms are remarkable demonstra- millions of selfplay games and days of training on thousands tions of deep reinforcement learning’s capabili- of TPUs, which is an unattainable level of compute for the ties, achieving superhuman performance in the majority of the research community. When combined with complex game of Go with progressively increas- the unavailability of code and models, the result is that the ing autonomy. However, many obstacles remain approach is very difficult, if not impossible, to reproduce, in the understanding of and usability of these study, improve upon, and extend. promising approaches by the research commu- In this paper, we propose ELF OpenGo, an open-source nity. Toward elucidating unresolved mysteries reimplementation of the AlphaZero (Silver et al., 2018) and facilitating future research, we propose ELF algorithm for the game of Go. We then apply ELF OpenGo OpenGo, an open-source reimplementation of the toward the following three additional contributions. AlphaZero algorithm. ELF OpenGo is the first open-source Go AI to convincingly demonstrate First, we train a superhuman model for ELF OpenGo. Af- superhuman performance with a perfect (20:0) ter running our AlphaZero-style training software on 2,000 record against global top professionals. We ap- GPUs for 9 days, our 20-block model has achieved super- ply ELF OpenGo to conduct extensive ablation human performance that is arguably comparable to the 20- studies, and to identify and analyze numerous in- block models described in Silver et al.(2017) and Silver teresting phenomena in both the model training et al.(2018).
    [Show full text]
  • Applying Deep Double Q-Learning and Monte Carlo Tree Search to Playing Go
    CS221 FINAL PAPER 1 Applying Deep Double Q-Learning and Monte Carlo Tree Search to Playing Go Booher, Jonathan [email protected] De Alba, Enrique [email protected] Kannan, Nithin [email protected] I. INTRODUCTION the current position. By sampling states from the self play OR our project we replicate many of the methods games along with their respective rewards, the researchers F used in AlphaGo Zero to make an optimal Go player; were able to train a binary classifier to predict the outcome of a however, we modified the learning paradigm to a version of game with a certain confidence. Then based on the confidence Deep Q-Learning which we believe would result in better measures, the optimal move was taken. generalization of the network to novel positions. We depart from this method of training and use Deep The modification of Deep Q-Learning that we use is Double Q-Learning instead. We use the same concept of called Deep Double Q-Learning and will be described later. sampling states and their rewards from the games of self play, The evaluation metric for the success of our agent is the but instead of feeding this information to a binary classifier, percentage of games that are won against our Oracle, a we feed the information to a modified Q-Learning formula, Go-playing bot available in the OpenAI Gym. Since we are which we present shortly. implementing a version of reinforcement learning, there is no data that we will need other than the simulator. By training III. CHALLENGES on the games that are generated from self-play, our player The main challenge we faced was the computational com- will output a policy that is learned at the end of training by plexity of the game of Go.
    [Show full text]
  • Minigo: a Case Study in Reproducing Reinforcement Learning Research
    Minigo: A Case Study in Reproducing Reinforcement Learning Research Brian Lee, Andrew Jackson, Tom Madams, Seth Troisi, Derek Jones Google, Inc. {brianklee, jacksona, tmadams, sethtroisi, dtj}@google.com Abstract The reproducibility of reinforcement-learning research has been highlighted as a key challenge area in the field. In this paper, we present a case study in reproducing the results of one groundbreaking algorithm, AlphaZero, a reinforcement learning system that learns how to play Go at a superhuman level given only the rules of the game. We describe Minigo, a reproduction of the AlphaZero system using publicly available Google Cloud Platform infrastructure and Google Cloud TPUs. The Minigo system includes both the central reinforcement learning loop as well as auxiliary monitoring and evaluation infrastructure. With ten days of training from scratch on 800 Cloud TPUs, Minigo can play evenly against LeelaZero and ELF OpenGo, two of the strongest publicly available Go AIs. We discuss the difficulties of scaling a reinforcement learning system and the monitoring systems required to understand the complex interplay of hyperparameter configurations. 1 Introduction In March 2016, Google DeepMind’s AlphaGo [1] defeated world champion Lee Sedol by using two deep neural networks (a policy and a value network) and Monte Carlo Tree Search (MCTS) to synthesize the output of these two neural networks. The policy network was trained via supervised learning from human games, and the value network was trained from a much larger corpus of synthetic games generated by sampling game trajectories from the policy network. AlphaGo Zero[2], published in October 2017, described a continuous pipeline, which when initialized with random weights, could train itself to defeat the original AlphaGo system.
    [Show full text]
  • Mastering Chess and Shogi by Self-Play with a General Reinforcement Learning Algorithm
    Mastering Chess and Shogi by Self-Play with a General Reinforcement Learning Algorithm David Silver,1∗ Thomas Hubert,1∗ Julian Schrittwieser,1∗ Ioannis Antonoglou,1 Matthew Lai,1 Arthur Guez,1 Marc Lanctot,1 Laurent Sifre,1 Dharshan Kumaran,1 Thore Graepel,1 Timothy Lillicrap,1 Karen Simonyan,1 Demis Hassabis1 1DeepMind, 6 Pancras Square, London N1C 4AG. ∗These authors contributed equally to this work. Abstract The game of chess is the most widely-studied domain in the history of artificial intel- ligence. The strongest programs are based on a combination of sophisticated search tech- niques, domain-specific adaptations, and handcrafted evaluation functions that have been refined by human experts over several decades. In contrast, the AlphaGo Zero program recently achieved superhuman performance in the game of Go by tabula rasa reinforce- ment learning from games of self-play. In this paper, we generalise this approach into a single AlphaZero algorithm that can achieve, tabula rasa, superhuman performance in many challenging games. Starting from random play, and given no domain knowledge ex- cept the game rules, AlphaZero achieved within 24 hours a superhuman level of play in the games of chess and shogi (Japanese chess) as well as Go, and convincingly defeated a world-champion program in each case. The study of computer chess is as old as computer science itself. Babbage, Turing, Shan- non, and von Neumann devised hardware, algorithms and theory to analyse and play the game of chess. Chess subsequently became the grand challenge task for a generation of artificial intel- ligence researchers, culminating in high-performance computer chess programs that perform at superhuman level (9, 14).
    [Show full text]
  • Creating the Engine for Scientific Discovery
    www.nature.com/npjsba PERSPECTIVE OPEN Nobel Turing Challenge: creating the engine for scientific discovery ✉ Hiroaki Kitano 1 Scientific discovery has long been one of the central driving forces in our civilization. It uncovered the principles of the world we live in, and enabled us to invent new technologies reshaping our society, cure diseases, explore unknown new frontiers, and hopefully lead us to build a sustainable society. Accelerating the speed of scientific discovery is therefore one of the most important endeavors. This requires an in-depth understanding of not only the subject areas but also the nature of scientific discoveries themselves. In other words, the “science of science” needs to be established, and has to be implemented using artificial intelligence (AI) systems to be practically executable. At the same time, what may be implemented by “AI Scientists” may not resemble the scientific process conducted by human scientist. It may be an alternative form of science that will break the limitation of current scientific practice largely hampered by human cognitive limitation and sociological constraints. It could give rise to a human-AI hybrid form of science that shall bring systems biology and other sciences into the next stage. The Nobel Turing Challenge aims to develop a highly autonomous AI system that can perform top-level science, indistinguishable from the quality of that performed by the best human scientists, where some of the discoveries may be worthy of Nobel Prize level recognition and beyond. npj Systems Biology and Applications (2021) 7:29 ; https://doi.org/10.1038/s41540-021-00189-3 1234567890():,; NOBEL TURING CHALLENGE AS AN ULTIMATE GRAND EURISKO6,8.
    [Show full text]
  • Alpha Zero Paper
    RESEARCH COMPUTER SCIENCE programmers, combined with a high-performance alpha-beta search that expands a vast search tree by using a large number of clever heuristics and domain-specific adaptations. In (10) we describe A general reinforcement learning these augmentations, focusing on the 2016 Top Chess Engine Championship (TCEC) season 9 algorithm that masters chess, shogi, world champion Stockfish (11); other strong chess programs, including Deep Blue, use very similar and Go through self-play architectures (1, 12). In terms of game tree complexity, shogi is a substantially harder game than chess (13, 14): It David Silver1,2*†, Thomas Hubert1*, Julian Schrittwieser1*, Ioannis Antonoglou1, is played on a larger board with a wider variety of Matthew Lai1, Arthur Guez1, Marc Lanctot1, Laurent Sifre1, Dharshan Kumaran1, pieces; any captured opponent piece switches Thore Graepel1, Timothy Lillicrap1, Karen Simonyan1, Demis Hassabis1† sides and may subsequently be dropped anywhere on the board. The strongest shogi programs, such Thegameofchessisthelongest-studieddomainin the history of artificial intelligence. as the 2017 Computer Shogi Association (CSA) The strongest programs are based on a combination of sophisticated search techniques, world champion Elmo, have only recently de- domain-specific adaptations, and handcrafted evaluation functions that have been refined feated human champions (15). These programs by human experts over several decades. By contrast, the AlphaGo Zero program recently use an algorithm similar to those used by com- achieved superhuman performance in the game of Go by reinforcement learning from self-play. puter chess programs, again based on a highly In this paper, we generalize this approach into a single AlphaZero algorithm that can achieve Downloaded from optimized alpha-beta search engine with many superhuman performance in many challenging games.
    [Show full text]
  • The AI Revolution in Scientific Research
    The AI revolution in scientific research The Royal Society and The Alan Turing Institute Data in science: from the t-test to the frontiers of AI The Royal Society is the UK’s national academy of sciences. Scientists aspire to understand the workings of nature, The Society’s fundamental purpose, reflected in its founding people, and society. To do so, they formulate hypotheses, Charters of the 1660s, is to recognise, promote, and support design experiments, and collect data, with the aim of excellence in science and to encourage the development analysing and better understanding natural, physical, and and use of science for the benefit of humanity. social phenomena. The Alan Turing Institute is the UK’s national institute for data Data collection and analysis is a core element of the science and artificial intelligence. Its mission is to make great scientific method, and scientists have long used statistical leaps in research in order to change the world for the better. techniques to aid their work. In the early 1900s, for example, the development of the t-test gave researchers a new tool In April 2017, the Royal Society published the results of to extract insights from data in order to test the veracity of a major policy study on machine learning. This report their hypotheses. Such mathematical frameworks were vital considered the potential of machine learning in the next in extracting as much information as possible from data that 5 – 10 years, and the actions required to build an environment had often taken significant time and money to generate of careful stewardship that can help realise its potential.
    [Show full text]