0
Your cart

Your cart is empty

Browse All Departments
  • All Departments
Price
  • R1,000 - R2,500 (6)
  • -
Status
Brand

Showing 1 - 6 of 6 matches in All Departments

Deep Reinforcement Learning with Python - Master classic RL, deep RL, distributional RL, inverse RL, and more with OpenAI Gym... Deep Reinforcement Learning with Python - Master classic RL, deep RL, distributional RL, inverse RL, and more with OpenAI Gym and TensorFlow, 2nd Edition (Paperback, 2nd Revised edition)
Sudharsan Ravichandiran
R1,412 Discovery Miles 14 120 Ships in 10 - 15 working days

An example-rich guide for beginners to start their reinforcement and deep reinforcement learning journey with state-of-the-art distinct algorithms Key Features Covers a vast spectrum of basic-to-advanced RL algorithms with mathematical explanations of each algorithm Learn how to implement algorithms with code by following examples with line-by-line explanations Explore the latest RL methodologies such as DDPG, PPO, and the use of expert demonstrations Book DescriptionWith significant enhancements in the quality and quantity of algorithms in recent years, this second edition of Hands-On Reinforcement Learning with Python has been revamped into an example-rich guide to learning state-of-the-art reinforcement learning (RL) and deep RL algorithms with TensorFlow 2 and the OpenAI Gym toolkit. In addition to exploring RL basics and foundational concepts such as Bellman equation, Markov decision processes, and dynamic programming algorithms, this second edition dives deep into the full spectrum of value-based, policy-based, and actor-critic RL methods. It explores state-of-the-art algorithms such as DQN, TRPO, PPO and ACKTR, DDPG, TD3, and SAC in depth, demystifying the underlying math and demonstrating implementations through simple code examples. The book has several new chapters dedicated to new RL techniques, including distributional RL, imitation learning, inverse RL, and meta RL. You will learn to leverage stable baselines, an improvement of OpenAI's baseline library, to effortlessly implement popular RL algorithms. The book concludes with an overview of promising approaches such as meta-learning and imagination augmented agents in research. By the end, you will become skilled in effectively employing RL and deep RL in your real-world projects. What you will learn Understand core RL concepts including the methodologies, math, and code Train an agent to solve Blackjack, FrozenLake, and many other problems using OpenAI Gym Train an agent to play Ms Pac-Man using a Deep Q Network Learn policy-based, value-based, and actor-critic methods Master the math behind DDPG, TD3, TRPO, PPO, and many others Explore new avenues such as the distributional RL, meta RL, and inverse RL Use Stable Baselines to train an agent to walk and play Atari games Who this book is forIf you're a machine learning developer with little or no experience with neural networks interested in artificial intelligence and want to learn about reinforcement learning from scratch, this book is for you. Basic familiarity with linear algebra, calculus, and the Python programming language is required. Some experience with TensorFlow would be a plus.

Getting Started with Google BERT - Build and train state-of-the-art natural language processing models using BERT (Paperback):... Getting Started with Google BERT - Build and train state-of-the-art natural language processing models using BERT (Paperback)
Sudharsan Ravichandiran
R1,154 Discovery Miles 11 540 Ships in 10 - 15 working days

Kickstart your NLP journey by exploring BERT and its variants such as ALBERT, RoBERTa, DistilBERT, VideoBERT, and more with Hugging Face's transformers library Key Features Explore the encoder and decoder of the transformer model Become well-versed with BERT along with ALBERT, RoBERTa, and DistilBERT Discover how to pre-train and fine-tune BERT models for several NLP tasks Book DescriptionBERT (bidirectional encoder representations from transformer) has revolutionized the world of natural language processing (NLP) with promising results. This book is an introductory guide that will help you get to grips with Google's BERT architecture. With a detailed explanation of the transformer architecture, this book will help you understand how the transformer's encoder and decoder work. You'll explore the BERT architecture by learning how the BERT model is pre-trained and how to use pre-trained BERT for downstream tasks by fine-tuning it for NLP tasks such as sentiment analysis and text summarization with the Hugging Face transformers library. As you advance, you'll learn about different variants of BERT such as ALBERT, RoBERTa, and ELECTRA, and look at SpanBERT, which is used for NLP tasks like question answering. You'll also cover simpler and faster BERT variants based on knowledge distillation such as DistilBERT and TinyBERT. The book takes you through MBERT, XLM, and XLM-R in detail and then introduces you to sentence-BERT, which is used for obtaining sentence representation. Finally, you'll discover domain-specific BERT models such as BioBERT and ClinicalBERT, and discover an interesting variant called VideoBERT. By the end of this BERT book, you'll be well-versed with using BERT and its variants for performing practical NLP tasks. What you will learn Understand the transformer model from the ground up Find out how BERT works and pre-train it using masked language model (MLM) and next sentence prediction (NSP) tasks Get hands-on with BERT by learning to generate contextual word and sentence embeddings Fine-tune BERT for downstream tasks Get to grips with ALBERT, RoBERTa, ELECTRA, and SpanBERT models Get the hang of the BERT models based on knowledge distillation Understand cross-lingual models such as XLM and XLM-R Explore Sentence-BERT, VideoBERT, and BART Who this book is forThis book is for NLP professionals and data scientists looking to simplify NLP tasks to enable efficient language understanding using BERT. A basic understanding of NLP concepts and deep learning is required to get the best out of this book.

Hands-On Meta Learning with Python - Meta learning using one-shot learning, MAML, Reptile, and Meta-SGD with TensorFlow... Hands-On Meta Learning with Python - Meta learning using one-shot learning, MAML, Reptile, and Meta-SGD with TensorFlow (Paperback)
Sudharsan Ravichandiran
R1,112 Discovery Miles 11 120 Ships in 10 - 15 working days

Explore a diverse set of meta-learning algorithms and techniques to enable human-like cognition for your machine learning models using various Python frameworks Key Features Understand the foundations of meta learning algorithms Explore practical examples to explore various one-shot learning algorithms with its applications in TensorFlow Master state of the art meta learning algorithms like MAML, reptile, meta SGD Book DescriptionMeta learning is an exciting research trend in machine learning, which enables a model to understand the learning process. Unlike other ML paradigms, with meta learning you can learn from small datasets faster. Hands-On Meta Learning with Python starts by explaining the fundamentals of meta learning and helps you understand the concept of learning to learn. You will delve into various one-shot learning algorithms, like siamese, prototypical, relation and memory-augmented networks by implementing them in TensorFlow and Keras. As you make your way through the book, you will dive into state-of-the-art meta learning algorithms such as MAML, Reptile, and CAML. You will then explore how to learn quickly with Meta-SGD and discover how you can perform unsupervised learning using meta learning with CACTUs. In the concluding chapters, you will work through recent trends in meta learning such as adversarial meta learning, task agnostic meta learning, and meta imitation learning. By the end of this book, you will be familiar with state-of-the-art meta learning algorithms and able to enable human-like cognition for your machine learning models. What you will learn Understand the basics of meta learning methods, algorithms, and types Build voice and face recognition models using a siamese network Learn the prototypical network along with its variants Build relation networks and matching networks from scratch Implement MAML and Reptile algorithms from scratch in Python Work through imitation learning and adversarial meta learning Explore task agnostic meta learning and deep meta learning Who this book is forHands-On Meta Learning with Python is for machine learning enthusiasts, AI researchers, and data scientists who want to explore meta learning as an advanced approach for training machine learning models. Working knowledge of machine learning concepts and Python programming is necessary.

Hands-On Deep Learning Algorithms with Python - Master deep learning algorithms with extensive math by implementing them using... Hands-On Deep Learning Algorithms with Python - Master deep learning algorithms with extensive math by implementing them using TensorFlow (Paperback)
Sudharsan Ravichandiran
R1,019 Discovery Miles 10 190 Ships in 9 - 15 working days

Understand basic to advanced deep learning algorithms, the mathematical principles behind them, and their practical applications. Key Features Get up-to-speed with building your own neural networks from scratch Gain insights into the mathematical principles behind deep learning algorithms Implement popular deep learning algorithms such as CNNs, RNNs, and more using TensorFlow Book DescriptionDeep learning is one of the most popular domains in the AI space, allowing you to develop multi-layered models of varying complexities. This book introduces you to popular deep learning algorithms-from basic to advanced-and shows you how to implement them from scratch using TensorFlow. Throughout the book, you will gain insights into each algorithm, the mathematical principles behind it, and how to implement it in the best possible manner. The book starts by explaining how you can build your own neural networks, followed by introducing you to TensorFlow, the powerful Python-based library for machine learning and deep learning. Moving on, you will get up to speed with gradient descent variants, such as NAG, AMSGrad, AdaDelta, Adam, and Nadam. The book will then provide you with insights into RNNs and LSTM and how to generate song lyrics with RNN. Next, you will master the math for convolutional and capsule networks, widely used for image recognition tasks. Then you learn how machines understand the semantics of words and documents using CBOW, skip-gram, and PV-DM. Afterward, you will explore various GANs, including InfoGAN and LSGAN, and autoencoders, such as contractive autoencoders and VAE. By the end of this book, you will be equipped with all the skills you need to implement deep learning in your own projects. What you will learn Implement basic-to-advanced deep learning algorithms Master the mathematics behind deep learning algorithms Become familiar with gradient descent and its variants, such as AMSGrad, AdaDelta, Adam, and Nadam Implement recurrent networks, such as RNN, LSTM, GRU, and seq2seq models Understand how machines interpret images using CNN and capsule networks Implement different types of generative adversarial network, such as CGAN, CycleGAN, and StackGAN Explore various types of autoencoder, such as Sparse autoencoders, DAE, CAE, and VAE Who this book is forIf you are a machine learning engineer, data scientist, AI developer, or simply want to focus on neural networks and deep learning, this book is for you. Those who are completely new to deep learning, but have some experience in machine learning and Python programming, will also find the book very helpful.

Python Reinforcement Learning - Solve complex real-world problems by mastering reinforcement learning algorithms using OpenAI... Python Reinforcement Learning - Solve complex real-world problems by mastering reinforcement learning algorithms using OpenAI Gym and TensorFlow (Paperback)
Sudharsan Ravichandiran, Sean Saito, Rajalingappaa shanmugamani, Yang Wenzhuo
R1,326 Discovery Miles 13 260 Ships in 10 - 15 working days

Apply modern reinforcement learning and deep reinforcement learning methods using Python and its powerful libraries Key Features Your entry point into the world of artificial intelligence using the power of Python An example-rich guide to master various RL and DRL algorithms Explore the power of modern Python libraries to gain confidence in building self-trained applications Book DescriptionReinforcement Learning (RL) is the trending and most promising branch of artificial intelligence. This Learning Path will help you master not only the basic reinforcement learning algorithms but also the advanced deep reinforcement learning algorithms. The Learning Path starts with an introduction to RL followed by OpenAI Gym, and TensorFlow. You will then explore various RL algorithms, such as Markov Decision Process, Monte Carlo methods, and dynamic programming, including value and policy iteration. You'll also work on various datasets including image, text, and video. This example-rich guide will introduce you to deep RL algorithms, such as Dueling DQN, DRQN, A3C, PPO, and TRPO. You will gain experience in several domains, including gaming, image processing, and physical simulations. You'll explore TensorFlow and OpenAI Gym to implement algorithms that also predict stock prices, generate natural language, and even build other neural networks. You will also learn about imagination-augmented agents, learning from human preference, DQfD, HER, and many of the recent advancements in RL. By the end of the Learning Path, you will have all the knowledge and experience needed to implement RL and deep RL in your projects, and you enter the world of artificial intelligence to solve various real-life problems. This Learning Path includes content from the following Packt products: Hands-On Reinforcement Learning with Python by Sudharsan Ravichandiran Python Reinforcement Learning Projects by Sean Saito, Yang Wenzhuo, and Rajalingappaa Shanmugamani What you will learn Train an agent to walk using OpenAI Gym and TensorFlow Solve multi-armed-bandit problems using various algorithms Build intelligent agents using the DRQN algorithm to play the Doom game Teach your agent to play Connect4 using AlphaGo Zero Defeat Atari arcade games using the value iteration method Discover how to deal with discrete and continuous action spaces in various environments Who this book is forIf you're an ML/DL enthusiast interested in AI and want to explore RL and deep RL from scratch, this Learning Path is for you. Prior knowledge of linear algebra is expected.

Hands-On Reinforcement Learning with Python - Master reinforcement and deep reinforcement learning using OpenAI Gym and... Hands-On Reinforcement Learning with Python - Master reinforcement and deep reinforcement learning using OpenAI Gym and TensorFlow (Paperback)
Sudharsan Ravichandiran
R1,040 Discovery Miles 10 400 Ships in 10 - 15 working days

A hands-on guide enriched with examples to master deep reinforcement learning algorithms with Python Key Features Your entry point into the world of artificial intelligence using the power of Python An example-rich guide to master various RL and DRL algorithms Explore various state-of-the-art architectures along with math Book DescriptionReinforcement Learning (RL) is the trending and most promising branch of artificial intelligence. Hands-On Reinforcement learning with Python will help you master not only the basic reinforcement learning algorithms but also the advanced deep reinforcement learning algorithms. The book starts with an introduction to Reinforcement Learning followed by OpenAI Gym, and TensorFlow. You will then explore various RL algorithms and concepts, such as Markov Decision Process, Monte Carlo methods, and dynamic programming, including value and policy iteration. This example-rich guide will introduce you to deep reinforcement learning algorithms, such as Dueling DQN, DRQN, A3C, PPO, and TRPO. You will also learn about imagination-augmented agents, learning from human preference, DQfD, HER, and many more of the recent advancements in reinforcement learning. By the end of the book, you will have all the knowledge and experience needed to implement reinforcement learning and deep reinforcement learning in your projects, and you will be all set to enter the world of artificial intelligence. What you will learn Understand the basics of reinforcement learning methods, algorithms, and elements Train an agent to walk using OpenAI Gym and Tensorflow Understand the Markov Decision Process, Bellman's optimality, and TD learning Solve multi-armed-bandit problems using various algorithms Master deep learning algorithms, such as RNN, LSTM, and CNN with applications Build intelligent agents using the DRQN algorithm to play the Doom game Teach agents to play the Lunar Lander game using DDPG Train an agent to win a car racing game using dueling DQN Who this book is forIf you're a machine learning developer or deep learning enthusiast interested in artificial intelligence and want to learn about reinforcement learning from scratch, this book is for you. Some knowledge of linear algebra, calculus, and the Python programming language will help you understand the concepts covered in this book.

Free Delivery
Pinterest Twitter Facebook Google+
You may like...
Ultimate Cookies & Cupcakes For Kids
Hinkler Pty Ltd Kit R299 R234 Discovery Miles 2 340
Home Classix Trusty Traveller Mug…
R99 R81 Discovery Miles 810
Nintendo Switch OLED Edition Console…
R9,299 Discovery Miles 92 990
Southpaw
Jake Gyllenhaal, Forest Whitaker, … DVD R96 R23 Discovery Miles 230
Loot
Nadine Gordimer Paperback  (2)
R205 R164 Discovery Miles 1 640
Peptine Pro Equine Hydrolysed Collagen…
R699 R499 Discovery Miles 4 990
Joseph Joseph Index Mini (Graphite)
R642 Discovery Miles 6 420
Trial By Fire
Danielle Steel Paperback R385 R199 Discovery Miles 1 990
Vital BabyŽ HYDRATE™ Incredibly Cool…
R189 Discovery Miles 1 890
Seagull Trampoline Foam Tube…
R24 Discovery Miles 240

 

Partners