0
Your cart

Your cart is empty

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

Showing 1 - 8 of 8 matches in All Departments

Machine Learning with PyTorch and Scikit-Learn - Develop machine learning and deep learning models with Python (Paperback):... Machine Learning with PyTorch and Scikit-Learn - Develop machine learning and deep learning models with Python (Paperback)
Sebastian Raschka, Yuxi (Hayden) Liu, Vahid Mirjalili, Dmytro Dzhulgakov
R1,515 Discovery Miles 15 150 Ships in 10 - 15 working days

This book of the bestselling and widely acclaimed Python Machine Learning series is a comprehensive guide to machine and deep learning using PyTorch's simple to code framework. Purchase of the print or Kindle book includes a free eBook in PDF format. Key Features Learn applied machine learning with a solid foundation in theory Clear, intuitive explanations take you deep into the theory and practice of Python machine learning Fully updated and expanded to cover PyTorch, transformers, XGBoost, graph neural networks, and best practices Book DescriptionMachine Learning with PyTorch and Scikit-Learn is a comprehensive guide to machine learning and deep learning with PyTorch. It acts as both a step-by-step tutorial and a reference you'll keep coming back to as you build your machine learning systems. Packed with clear explanations, visualizations, and examples, the book covers all the essential machine learning techniques in depth. While some books teach you only to follow instructions, with this machine learning book, we teach the principles allowing you to build models and applications for yourself. Why PyTorch? PyTorch is the Pythonic way to learn machine learning, making it easier to learn and simpler to code with. This book explains the essential parts of PyTorch and how to create models using popular libraries, such as PyTorch Lightning and PyTorch Geometric. You will also learn about generative adversarial networks (GANs) for generating new data and training intelligent agents with reinforcement learning. Finally, this new edition is expanded to cover the latest trends in deep learning, including graph neural networks and large-scale transformers used for natural language processing (NLP). This PyTorch book is your companion to machine learning with Python, whether you're a Python developer new to machine learning or want to deepen your knowledge of the latest developments. What you will learn Explore frameworks, models, and techniques for machines to 'learn' from data Use scikit-learn for machine learning and PyTorch for deep learning Train machine learning classifiers on images, text, and more Build and train neural networks, transformers, and boosting algorithms Discover best practices for evaluating and tuning models Predict continuous target outcomes using regression analysis Dig deeper into textual and social media data using sentiment analysis Who this book is forIf you have a good grasp of Python basics and want to start learning about machine learning and deep learning, then this is the book for you. This is an essential resource written for developers and data scientists who want to create practical machine learning and deep learning applications using scikit-learn and PyTorch. Before you get started with this book, you'll need a good understanding of calculus, as well as linear algebra.

Python Machine Learning By Example - Build intelligent systems using Python, TensorFlow 2, PyTorch, and scikit-learn, 3rd... Python Machine Learning By Example - Build intelligent systems using Python, TensorFlow 2, PyTorch, and scikit-learn, 3rd Edition (Paperback, 3rd Revised edition)
Yuxi (Hayden) Liu
R1,084 Discovery Miles 10 840 Ships in 10 - 15 working days

A comprehensive guide to get you up to speed with the latest developments of practical machine learning with Python and upgrade your understanding of machine learning (ML) algorithms and techniques Key Features Dive into machine learning algorithms to solve the complex challenges faced by data scientists today Explore cutting edge content reflecting deep learning and reinforcement learning developments Use updated Python libraries such as TensorFlow, PyTorch, and scikit-learn to track machine learning projects end-to-end Book DescriptionPython Machine Learning By Example, Third Edition serves as a comprehensive gateway into the world of machine learning (ML). With six new chapters, on topics including movie recommendation engine development with Naive Bayes, recognizing faces with support vector machine, predicting stock prices with artificial neural networks, categorizing images of clothing with convolutional neural networks, predicting with sequences using recurring neural networks, and leveraging reinforcement learning for making decisions, the book has been considerably updated for the latest enterprise requirements. At the same time, this book provides actionable insights on the key fundamentals of ML with Python programming. Hayden applies his expertise to demonstrate implementations of algorithms in Python, both from scratch and with libraries. Each chapter walks through an industry-adopted application. With the help of realistic examples, you will gain an understanding of the mechanics of ML techniques in areas such as exploratory data analysis, feature engineering, classification, regression, clustering, and NLP. By the end of this ML Python book, you will have gained a broad picture of the ML ecosystem and will be well-versed in the best practices of applying ML techniques to solve problems. What you will learn Understand the important concepts in ML and data science Use Python to explore the world of data mining and analytics Scale up model training using varied data complexities with Apache Spark Delve deep into text analysis and NLP using Python libraries such NLTK and Gensim Select and build an ML model and evaluate and optimize its performance Implement ML algorithms from scratch in Python, TensorFlow 2, PyTorch, and scikit-learn Who this book is forIf you're a machine learning enthusiast, data analyst, or data engineer highly passionate about machine learning and want to begin working on machine learning assignments, this book is for you. Prior knowledge of Python coding is assumed and basic familiarity with statistical concepts will be beneficial, although this is not necessary.

PyTorch 1.x Reinforcement Learning Cookbook - Over 60 recipes to design, develop, and deploy self-learning AI models using... PyTorch 1.x Reinforcement Learning Cookbook - Over 60 recipes to design, develop, and deploy self-learning AI models using Python (Paperback)
Yuxi (Hayden) Liu
R1,038 Discovery Miles 10 380 Ships in 10 - 15 working days

Implement reinforcement learning techniques and algorithms with the help of real-world examples and recipes Key Features Use PyTorch 1.x to design and build self-learning artificial intelligence (AI) models Implement RL algorithms to solve control and optimization challenges faced by data scientists today Apply modern RL libraries to simulate a controlled environment for your projects Book DescriptionReinforcement learning (RL) is a branch of machine learning that has gained popularity in recent times. It allows you to train AI models that learn from their own actions and optimize their behavior. PyTorch has also emerged as the preferred tool for training RL models because of its efficiency and ease of use. With this book, you'll explore the important RL concepts and the implementation of algorithms in PyTorch 1.x. The recipes in the book, along with real-world examples, will help you master various RL techniques, such as dynamic programming, Monte Carlo simulations, temporal difference, and Q-learning. You'll also gain insights into industry-specific applications of these techniques. Later chapters will guide you through solving problems such as the multi-armed bandit problem and the cartpole problem using the multi-armed bandit algorithm and function approximation. You'll also learn how to use Deep Q-Networks to complete Atari games, along with how to effectively implement policy gradients. Finally, you'll discover how RL techniques are applied to Blackjack, Gridworld environments, internet advertising, and the Flappy Bird game. By the end of this book, you'll have developed the skills you need to implement popular RL algorithms and use RL techniques to solve real-world problems. What you will learn Use Q-learning and the state-action-reward-state-action (SARSA) algorithm to solve various Gridworld problems Develop a multi-armed bandit algorithm to optimize display advertising Scale up learning and control processes using Deep Q-Networks Simulate Markov Decision Processes, OpenAI Gym environments, and other common control problems Select and build RL models, evaluate their performance, and optimize and deploy them Use policy gradient methods to solve continuous RL problems Who this book is forMachine learning engineers, data scientists and AI researchers looking for quick solutions to different reinforcement learning problems will find this book useful. Although prior knowledge of machine learning concepts is required, experience with PyTorch will be useful but not necessary.

Deep Learning with R for Beginners - Design neural network models in R 3.5 using TensorFlow, Keras, and MXNet (Paperback): Mark... Deep Learning with R for Beginners - Design neural network models in R 3.5 using TensorFlow, Keras, and MXNet (Paperback)
Mark Hodnett, Joshua F. Wiley, Yuxi (Hayden) Liu, Pablo Maldonado
R1,349 Discovery Miles 13 490 Ships in 10 - 15 working days

Explore the world of neural networks by building powerful deep learning models using the R ecosystem Key Features Get to grips with the fundamentals of deep learning and neural networks Use R 3.5 and its libraries and APIs to build deep learning models for computer vision and text processing Implement effective deep learning systems in R with the help of end-to-end projects Book DescriptionDeep learning finds practical applications in several domains, while R is the preferred language for designing and deploying deep learning models. This Learning Path introduces you to the basics of deep learning and even teaches you to build a neural network model from scratch. As you make your way through the chapters, you'll explore deep learning libraries and understand how to create deep learning models for a variety of challenges, right from anomaly detection to recommendation systems. The book will then help you cover advanced topics, such as generative adversarial networks (GANs), transfer learning, and large-scale deep learning in the cloud, in addition to model optimization, overfitting, and data augmentation. Through real-world projects, you'll also get up to speed with training convolutional neural networks (CNNs), recurrent neural networks (RNNs), and long short-term memory networks (LSTMs) in R. By the end of this Learning Path, you'll be well versed with deep learning and have the skills you need to implement a number of deep learning concepts in your research work or projects. This Learning Path includes content from the following Packt products: R Deep Learning Essentials - Second Edition by Joshua F. Wiley and Mark Hodnett R Deep Learning Projects by Yuxi (Hayden) Liu and Pablo Maldonado What you will learn Implement credit card fraud detection with autoencoders Train neural networks to perform handwritten digit recognition using MXNet Reconstruct images using variational autoencoders Explore the applications of autoencoder neural networks in clustering and dimensionality reduction Create natural language processing (NLP) models using Keras and TensorFlow in R Prevent models from overfitting the data to improve generalizability Build shallow neural network prediction models Who this book is forThis Learning Path is for aspiring data scientists, data analysts, machine learning developers, and deep learning enthusiasts who are well versed in machine learning concepts and are looking to explore the deep learning paradigm using R. A fundamental understanding of R programming and familiarity with the basic concepts of deep learning are necessary to get the most out of this Learning Path.

Hands-On Deep Learning Architectures with Python - Create deep neural networks to solve computational problems using TensorFlow... Hands-On Deep Learning Architectures with Python - Create deep neural networks to solve computational problems using TensorFlow and Keras (Paperback)
Yuxi (Hayden) Liu, Saransh Mehta
R880 Discovery Miles 8 800 Ships in 10 - 15 working days

Concepts, tools, and techniques to explore deep learning architectures and methodologies Key Features Explore advanced deep learning architectures using various datasets and frameworks Implement deep architectures for neural network models such as CNN, RNN, GAN, and many more Discover design patterns and different challenges for various deep learning architectures Book DescriptionDeep learning architectures are composed of multilevel nonlinear operations that represent high-level abstractions; this allows you to learn useful feature representations from the data. This book will help you learn and implement deep learning architectures to resolve various deep learning research problems. Hands-On Deep Learning Architectures with Python explains the essential learning algorithms used for deep and shallow architectures. Packed with practical implementations and ideas to help you build efficient artificial intelligence systems (AI), this book will help you learn how neural networks play a major role in building deep architectures. You will understand various deep learning architectures (such as AlexNet, VGG Net, GoogleNet) with easy-to-follow code and diagrams. In addition to this, the book will also guide you in building and training various deep architectures such as the Boltzmann mechanism, autoencoders, convolutional neural networks (CNNs), recurrent neural networks (RNNs), natural language processing (NLP), GAN, and more-all with practical implementations. By the end of this book, you will be able to construct deep models using popular frameworks and datasets with the required design patterns for each architecture. You will be ready to explore the potential of deep architectures in today's world. What you will learn Implement CNNs, RNNs, and other commonly used architectures with Python Explore architectures such as VGGNet, AlexNet, and GoogLeNet Build deep learning architectures for AI applications such as face and image recognition, fraud detection, and many more Understand the architectures and applications of Boltzmann machines and autoencoders with concrete examples Master artificial intelligence and neural network concepts and apply them to your architecture Understand deep learning architectures for mobile and embedded systems Who this book is forIf you're a data scientist, machine learning developer/engineer, or deep learning practitioner, or are curious about AI and want to upgrade your knowledge of various deep learning architectures, this book will appeal to you. You are expected to have some knowledge of statistics and machine learning algorithms to get the best out of this book

Python Machine Learning By Example - Implement machine learning algorithms and techniques to build intelligent systems, 2nd... Python Machine Learning By Example - Implement machine learning algorithms and techniques to build intelligent systems, 2nd Edition (Paperback, 2nd Revised edition)
Yuxi (Hayden) Liu
R1,034 Discovery Miles 10 340 Ships in 10 - 15 working days

Grasp machine learning concepts, techniques, and algorithms with the help of real-world examples using Python libraries such as TensorFlow and scikit-learn Key Features Exploit the power of Python to explore the world of data mining and data analytics Discover machine learning algorithms to solve complex challenges faced by data scientists today Use Python libraries such as TensorFlow and Keras to create smart cognitive actions for your projects Book DescriptionThe surge in interest in machine learning (ML) is due to the fact that it revolutionizes automation by learning patterns in data and using them to make predictions and decisions. If you're interested in ML, this book will serve as your entry point to ML. Python Machine Learning By Example begins with an introduction to important ML concepts and implementations using Python libraries. Each chapter of the book walks you through an industry adopted application. You'll implement ML techniques in areas such as exploratory data analysis, feature engineering, and natural language processing (NLP) in a clear and easy-to-follow way. With the help of this extended and updated edition, you'll understand how to tackle data-driven problems and implement your solutions with the powerful yet simple Python language and popular Python packages and tools such as TensorFlow, scikit-learn, gensim, and Keras. To aid your understanding of popular ML algorithms, the book covers interesting and easy-to-follow examples such as news topic modeling and classification, spam email detection, stock price forecasting, and more. By the end of the book, you'll have put together a broad picture of the ML ecosystem and will be well-versed with the best practices of applying ML techniques to make the most out of new opportunities. What you will learn Understand the important concepts in machine learning and data science Use Python to explore the world of data mining and analytics Scale up model training using varied data complexities with Apache Spark Delve deep into text and NLP using Python libraries such NLTK and gensim Select and build an ML model and evaluate and optimize its performance Implement ML algorithms from scratch in Python, TensorFlow, and scikit-learn Who this book is forIf you're a machine learning aspirant, data analyst, or data engineer highly passionate about machine learning and want to begin working on ML assignments, this book is for you. Prior knowledge of Python coding is assumed and basic familiarity with statistical concepts will be beneficial although not necessary.

R Deep Learning Projects - Master the techniques to design and develop neural network models in R (Paperback): Yuxi (Hayden)... R Deep Learning Projects - Master the techniques to design and develop neural network models in R (Paperback)
Yuxi (Hayden) Liu, Pablo Maldonado
R995 Discovery Miles 9 950 Ships in 10 - 15 working days

5 real-world projects to help you master deep learning concepts Key Features Master the different deep learning paradigms and build real-world projects related to text generation, sentiment analysis, fraud detection, and more Get to grips with R's impressive range of Deep Learning libraries and frameworks such as deepnet, MXNetR, Tensorflow, H2O, Keras, and text2vec Practical projects that show you how to implement different neural networks with helpful tips, tricks, and best practices Book DescriptionR is a popular programming language used by statisticians and mathematicians for statistical analysis, and is popularly used for deep learning. Deep Learning, as we all know, is one of the trending topics today, and is finding practical applications in a lot of domains. This book demonstrates end-to-end implementations of five real-world projects on popular topics in deep learning such as handwritten digit recognition, traffic light detection, fraud detection, text generation, and sentiment analysis. You'll learn how to train effective neural networks in R-including convolutional neural networks, recurrent neural networks, and LSTMs-and apply them in practical scenarios. The book also highlights how neural networks can be trained using GPU capabilities. You will use popular R libraries and packages-such as MXNetR, H2O, deepnet, and more-to implement the projects. By the end of this book, you will have a better understanding of deep learning concepts and techniques and how to use them in a practical setting. What you will learn Instrument Deep Learning models with packages such as deepnet, MXNetR, Tensorflow, H2O, Keras, and text2vec Apply neural networks to perform handwritten digit recognition using MXNet Get the knack of CNN models, Neural Network API, Keras, and TensorFlow for traffic sign classification -Implement credit card fraud detection with Autoencoders Master reconstructing images using variational autoencoders Wade through sentiment analysis from movie reviews Run from past to future and vice versa with bidirectional Long Short-Term Memory (LSTM) networks Understand the applications of Autoencoder Neural Networks in clustering and dimensionality reduction Who this book is forMachine learning professionals and data scientists looking to master deep learning by implementing practical projects in R will find this book a useful resource. A knowledge of R programming and the basic concepts of deep learning is required to get the best out of this book.

Python Machine Learning By Example (Paperback): Yuxi (Hayden) Liu Python Machine Learning By Example (Paperback)
Yuxi (Hayden) Liu
R1,333 Discovery Miles 13 330 Ships in 10 - 15 working days

Take tiny steps to enter the big world of data science through this interesting guide About This Book * Learn the fundamentals of machine learning and build your own intelligent applications * Master the art of building your own machine learning systems with this example-based practical guide * Work with important classification and regression algorithms and other machine learning techniques Who This Book Is For This book is for anyone interested in entering the data science stream with machine learning. Basic familiarity with Python is assumed. What You Will Learn * Exploit the power of Python to handle data extraction, manipulation, and exploration techniques * Use Python to visualize data spread across multiple dimensions and extract useful features * Dive deep into the world of analytics to predict situations correctly * Implement machine learning classification and regression algorithms from scratch in Python * Be amazed to see the algorithms in action * Evaluate the performance of a machine learning model and optimize it * Solve interesting real-world problems using machine learning and Python as the journey unfolds In Detail Data science and machine learning are some of the top buzzwords in the technical world today. A resurging interest in machine learning is due to the same factors that have made data mining and Bayesian analysis more popular than ever. This book is your entry point to machine learning. This book starts with an introduction to machine learning and the Python language and shows you how to complete the setup. Moving ahead, you will learn all the important concepts such as, exploratory data analysis, data preprocessing, feature extraction, data visualization and clustering, classification, regression and model performance evaluation. With the help of various projects included, you will find it intriguing to acquire the mechanics of several important machine learning algorithms - they are no more obscure as they thought. Also, you will be guided step by step to build your own models from scratch. Toward the end, you will gather a broad picture of the machine learning ecosystem and best practices of applying machine learning techniques. Through this book, you will learn to tackle data-driven problems and implement your solutions with the powerful yet simple language, Python. Interesting and easy-to-follow examples, to name some, news topic classification, spam email detection, online ad click-through prediction, stock prices forecast, will keep you glued till you reach your goal. Style and approach This book is an enticing journey that starts from the very basics and gradually picks up pace as the story unfolds. Each concept is first succinctly defined in the larger context of things, followed by a detailed explanation of their application. Every concept is explained with the help of a project that solves a real-world problem, and involves hands-on work-giving you a deep insight into the world of machine learning. With simple yet rich language-Python-you will understand and be able to implement the examples with ease.

Free Delivery
Pinterest Twitter Facebook Google+
You may like...
Calculus - Early Transcendentals, Metric…
James Stewart, Saleem Watson, … Hardcover R1,338 R1,217 Discovery Miles 12 170
All the Math You Missed - (But Need to…
Thomas A. Garrity Paperback R723 Discovery Miles 7 230
The Water-cure Journal, and Herald of…
Anonymous Hardcover R808 Discovery Miles 8 080
Advanced Calculus
David V. Widder Hardcover R1,048 R874 Discovery Miles 8 740
Calculus, Metric Edition
James Stewart, Saleem Watson, … Hardcover R1,339 R1,219 Discovery Miles 12 190
Math Without Numbers
Milo Beckman Paperback R450 R373 Discovery Miles 3 730
Applied Mathematics: Body and Soul…
Kenneth Eriksson, Donald Estep, … Hardcover R1,678 Discovery Miles 16 780
Differential Equations with…
Warren Wright, Dennis Zill Paperback  (1)
R1,339 R1,201 Discovery Miles 12 010
Calculus - A Complete Course
Robert Adams, Christopher Essex Hardcover R2,222 R2,037 Discovery Miles 20 370
The Analyst; Or, a Discourse Addressed…
George Berkeley Paperback R350 Discovery Miles 3 500

 

Partners