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

Python: Advanced Guide to Artificial Intelligence - Expert machine learning systems and intelligent agents using Python... Python: Advanced Guide to Artificial Intelligence - Expert machine learning systems and intelligent agents using Python (Paperback)
Giuseppe Bonaccorso, Armando Fandango, Rajalingappaa shanmugamani
R1,492 Discovery Miles 14 920 Ships in 10 - 15 working days

Demystify the complexity of machine learning techniques and create evolving, clever solutions to solve your problems Key Features Master supervised, unsupervised, and semi-supervised ML algorithms and their implementation Build deep learning models for object detection, image classification, similarity learning, and more Build, deploy, and scale end-to-end deep neural network models in a production environment Book DescriptionThis Learning Path is your complete guide to quickly getting to grips with popular machine learning algorithms. You'll be introduced to the most widely used algorithms in supervised, unsupervised, and semi-supervised machine learning, and learn how to use them in the best possible manner. Ranging from Bayesian models to the MCMC algorithm to Hidden Markov models, this Learning Path will teach you how to extract features from your dataset and perform dimensionality reduction by making use of Python-based libraries. You'll bring the use of TensorFlow and Keras to build deep learning models, using concepts such as transfer learning, generative adversarial networks, and deep reinforcement learning. Next, you'll learn the advanced features of TensorFlow1.x, such as distributed TensorFlow with TF clusters, deploy production models with TensorFlow Serving. You'll implement different techniques related to object classification, object detection, image segmentation, and more. By the end of this Learning Path, you'll have obtained in-depth knowledge of TensorFlow, making you the go-to person for solving artificial intelligence problems This Learning Path includes content from the following Packt products: Mastering Machine Learning Algorithms by Giuseppe Bonaccorso Mastering TensorFlow 1.x by Armando Fandango Deep Learning for Computer Vision by Rajalingappaa Shanmugamani What you will learn Explore how an ML model can be trained, optimized, and evaluated Work with Autoencoders and Generative Adversarial Networks Explore the most important Reinforcement Learning techniques Build end-to-end deep learning (CNN, RNN, and Autoencoders) models Who this book is forThis Learning Path is for data scientists, machine learning engineers, artificial intelligence engineers who want to delve into complex machine learning algorithms, calibrate models, and improve the predictions of the trained model. You will encounter the advanced intricacies and complex use cases of deep learning and AI. A basic knowledge of programming in Python and some understanding of machine learning concepts are required to get the best out of this Learning Path.

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,372 Discovery Miles 13 720 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.

Python Reinforcement Learning Projects - Eight hands-on projects exploring reinforcement learning algorithms using TensorFlow... Python Reinforcement Learning Projects - Eight hands-on projects exploring reinforcement learning algorithms using TensorFlow (Paperback)
Sean Saito, Yang Wenzhuo, Rajalingappaa shanmugamani
R1,212 Discovery Miles 12 120 Ships in 10 - 15 working days

Implement state-of-the-art deep reinforcement learning algorithms using Python and its powerful libraries Key Features Implement Q-learning and Markov models with Python and OpenAI Explore the power of TensorFlow to build self-learning models Eight AI projects to gain confidence in building self-trained applications Book DescriptionReinforcement learning is one of the most exciting and rapidly growing fields in machine learning. This is due to the many novel algorithms developed and incredible results published in recent years. In this book, you will learn about the core concepts of RL including Q-learning, policy gradients, Monte Carlo processes, and several deep reinforcement learning algorithms. As you make your way through the book, you'll work on projects with datasets of various modalities including image, text, and video. You will gain experience in several domains, including gaming, image processing, and physical simulations. You'll explore technologies such as TensorFlow and OpenAI Gym to implement deep learning reinforcement learning algorithms that also predict stock prices, generate natural language, and even build other neural networks. By the end of this book, you will have hands-on experience with eight reinforcement learning projects, each addressing different topics and/or algorithms. We hope these practical exercises will provide you with better intuition and insight about the field of reinforcement learning and how to apply its algorithms to various problems in real life. What you will learn Train and evaluate neural networks built using TensorFlow for RL Use RL algorithms in Python and TensorFlow to solve CartPole balancing Create deep reinforcement learning algorithms to play Atari games Deploy RL algorithms using OpenAI Universe Develop an agent to chat with humans Implement basic actor-critic algorithms for continuous control Apply advanced deep RL algorithms to games such as Minecraft Autogenerate an image classifier using RL Who this book is forPython Reinforcement Learning Projects is for data analysts, data scientists, and machine learning professionals, who have working knowledge of machine learning techniques and are looking to build better performing, automated, and optimized deep learning models. Individuals who want to work on self-learning model projects will also find this book useful.

Hands-On Natural Language Processing with Python - A practical guide to applying deep learning architectures to your NLP... Hands-On Natural Language Processing with Python - A practical guide to applying deep learning architectures to your NLP applications (Paperback)
Rajesh Arumugam, Rajalingappaa shanmugamani
R1,185 Discovery Miles 11 850 Ships in 10 - 15 working days

Foster your NLP applications with the help of deep learning, NLTK, and TensorFlow Key Features Weave neural networks into linguistic applications across various platforms Perform NLP tasks and train its models using NLTK and TensorFlow Boost your NLP models with strong deep learning architectures such as CNNs and RNNs Book DescriptionNatural language processing (NLP) has found its application in various domains, such as web search, advertisements, and customer services, and with the help of deep learning, we can enhance its performances in these areas. Hands-On Natural Language Processing with Python teaches you how to leverage deep learning models for performing various NLP tasks, along with best practices in dealing with today's NLP challenges. To begin with, you will understand the core concepts of NLP and deep learning, such as Convolutional Neural Networks (CNNs), recurrent neural networks (RNNs), semantic embedding, Word2vec, and more. You will learn how to perform each and every task of NLP using neural networks, in which you will train and deploy neural networks in your NLP applications. You will get accustomed to using RNNs and CNNs in various application areas, such as text classification and sequence labeling, which are essential in the application of sentiment analysis, customer service chatbots, and anomaly detection. You will be equipped with practical knowledge in order to implement deep learning in your linguistic applications using Python's popular deep learning library, TensorFlow. By the end of this book, you will be well versed in building deep learning-backed NLP applications, along with overcoming NLP challenges with best practices developed by domain experts. What you will learn Implement semantic embedding of words to classify and find entities Convert words to vectors by training in order to perform arithmetic operations Train a deep learning model to detect classification of tweets and news Implement a question-answer model with search and RNN models Train models for various text classification datasets using CNN Implement WaveNet a deep generative model for producing a natural-sounding voice Convert voice-to-text and text-to-voice Train a model to convert speech-to-text using DeepSpeech Who this book is forHands-on Natural Language Processing with Python is for you if you are a developer, machine learning or an NLP engineer who wants to build a deep learning application that leverages NLP techniques. This comprehensive guide is also useful for deep learning users who want to extend their deep learning skills in building NLP applications. All you need is the basics of machine learning and Python to enjoy the book.

Deep Learning for Computer Vision - Expert techniques to train advanced neural networks using TensorFlow and Keras (Paperback):... Deep Learning for Computer Vision - Expert techniques to train advanced neural networks using TensorFlow and Keras (Paperback)
Rajalingappaa shanmugamani
R1,185 Discovery Miles 11 850 Ships in 10 - 15 working days

Learn how to model and train advanced neural networks to implement a variety of Computer Vision tasks Key Features Train different kinds of deep learning model from scratch to solve specific problems in Computer Vision Combine the power of Python, Keras, and TensorFlow to build deep learning models for object detection, image classification, similarity learning, image captioning, and more Includes tips on optimizing and improving the performance of your models under various constraints Book DescriptionDeep learning has shown its power in several application areas of Artificial Intelligence, especially in Computer Vision. Computer Vision is the science of understanding and manipulating images, and finds enormous applications in the areas of robotics, automation, and so on. This book will also show you, with practical examples, how to develop Computer Vision applications by leveraging the power of deep learning. In this book, you will learn different techniques related to object classification, object detection, image segmentation, captioning, image generation, face analysis, and more. You will also explore their applications using popular Python libraries such as TensorFlow and Keras. This book will help you master state-of-the-art, deep learning algorithms and their implementation. What you will learn Set up an environment for deep learning with Python, TensorFlow, and Keras Define and train a model for image and video classification Use features from a pre-trained Convolutional Neural Network model for image retrieval Understand and implement object detection using the real-world Pedestrian Detection scenario Learn about various problems in image captioning and how to overcome them by training images and text together Implement similarity matching and train a model for face recognition Understand the concept of generative models and use them for image generation Deploy your deep learning models and optimize them for high performance Who this book is forThis book is targeted at data scientists and Computer Vision practitioners who wish to apply the concepts of Deep Learning to overcome any problem related to Computer Vision. A basic knowledge of programming in Python-and some understanding of machine learning concepts-is required to get the best out of this book.

TensorFlow Deep Learning Projects - 10 real-world projects on computer vision, machine translation, chatbots, and reinforcement... TensorFlow Deep Learning Projects - 10 real-world projects on computer vision, machine translation, chatbots, and reinforcement learning (Paperback)
Alexey Grigorev, Rajalingappaa shanmugamani, Alberto Boschetti, Luca Massaron, Abhishek Thakur
R1,190 Discovery Miles 11 900 Ships in 10 - 15 working days

Leverage the power of Tensorflow to design deep learning systems for a variety of real-world scenarios Key Features Build efficient deep learning pipelines using the popular Tensorflow framework Train neural networks such as ConvNets, generative models, and LSTMs Includes projects related to Computer Vision, stock prediction, chatbots and more Book DescriptionTensorFlow is one of the most popular frameworks used for machine learning and, more recently, deep learning. It provides a fast and efficient framework for training different kinds of deep learning models, with very high accuracy. This book is your guide to master deep learning with TensorFlow with the help of 10 real-world projects. TensorFlow Deep Learning Projects starts with setting up the right TensorFlow environment for deep learning. Learn to train different types of deep learning models using TensorFlow, including Convolutional Neural Networks, Recurrent Neural Networks, LSTMs, and Generative Adversarial Networks. While doing so, you will build end-to-end deep learning solutions to tackle different real-world problems in image processing, recommendation systems, stock prediction, and building chatbots, to name a few. You will also develop systems that perform machine translation, and use reinforcement learning techniques to play games. By the end of this book, you will have mastered all the concepts of deep learning and their implementation with TensorFlow, and will be able to build and train your own deep learning models with TensorFlow confidently. What you will learn Set up the TensorFlow environment for deep learning Construct your own ConvNets for effective image processing Use LSTMs for image caption generation Forecast stock prediction accurately with an LSTM architecture Learn what semantic matching is by detecting duplicate Quora questions Set up an AWS instance with TensorFlow to train GANs Train and set up a chatbot to understand and interpret human input Build an AI capable of playing a video game by itself -and win it! Who this book is forThis book is for data scientists, machine learning developers as well as deep learning practitioners, who want to build interesting deep learning projects that leverage the power of Tensorflow. Some understanding of machine learning and deep learning, and familiarity with the TensorFlow framework is all you need to get started with this book.

Free Delivery
Pinterest Twitter Facebook Google+
You may like...
Loot
Nadine Gordimer Paperback  (2)
R398 R330 Discovery Miles 3 300
Aqua Optima Evolve+ - Plastic 30 Day…
R198 Discovery Miles 1 980
KN95 Disposable Face Mask (White)(Box of…
R1,890 R659 Discovery Miles 6 590
Dala Craft Pom Poms - Assorted Colours…
R34 Discovery Miles 340
Maped Smiling Planet Scissor Vivo - on…
R26 Discovery Miles 260
GM Bowling Machine Ball (Red)
R110 R96 Discovery Miles 960
Sony PlayStation 5 Slim Console (Glacier…
R15,299 Discovery Miles 152 990
The Girl On the Train
Emily Blunt, Rebecca Ferguson, … Blu-ray disc  (1)
R47 Discovery Miles 470
Bestway Focus Goggles (7 yrs+)(3…
 (1)
R35 Discovery Miles 350
Alva 3-Panel Infrared Radiant Indoor Gas…
R1,499 R1,199 Discovery Miles 11 990

 

Partners