0
Your cart

Your cart is empty

Browse All Departments
Price
  • R100 - R250 (5)
  • R250 - R500 (39)
  • R500+ (878)
  • -
Status
Format
Author / Contributor
Publisher

Books > Computing & IT > Applications of computing > Artificial intelligence > Neural networks

A First Course in Fuzzy Logic (Hardcover, 4th edition): Hung T. Nguyen, Carol Walker, Elbert A. Walker A First Course in Fuzzy Logic (Hardcover, 4th edition)
Hung T. Nguyen, Carol Walker, Elbert A. Walker
R3,650 Discovery Miles 36 500 Ships in 12 - 17 working days

A First Course in Fuzzy Logic, Fourth Edition is an expanded version of the successful third edition. It provides a comprehensive introduction to the theory and applications of fuzzy logic. This popular text offers a firm mathematical basis for the calculus of fuzzy concepts necessary for designing intelligent systems and a solid background for readers to pursue further studies and real-world applications. New in the Fourth Edition: Features new results on fuzzy sets of type-2 Provides more information on copulas for modeling dependence structures Includes quantum probability for uncertainty modeling in social sciences, especially in economics With its comprehensive updates, this new edition presents all the background necessary for students, instructors and professionals to begin using fuzzy logic in its many-applications in computer science, mathematics, statistics, and engineering. About the Authors: Hung T. Nguyen is a Professor Emeritus at the Department of Mathematical Sciences, New Mexico State University. He is also an Adjunct Professor of Economics at Chiang Mai University, Thailand. Carol L. Walker is also a Professor Emeritus at the Department of Mathematical Sciences, New Mexico State University. Elbert A. Walker is a Professor Emeritus, Department of Mathematical Sciences, New Mexico State University.

Computational Neuroscience: Modeling and Applications (Hardcover): Scott Carter Computational Neuroscience: Modeling and Applications (Hardcover)
Scott Carter
R3,600 R3,231 Discovery Miles 32 310 Save R369 (10%) Ships in 10 - 15 working days
Reinforcement Learning with TensorFlow - A beginner's guide to designing self-learning systems with TensorFlow and OpenAI... Reinforcement Learning with TensorFlow - A beginner's guide to designing self-learning systems with TensorFlow and OpenAI Gym (Paperback)
Sayon Dutta
R1,426 Discovery Miles 14 260 Ships in 10 - 15 working days

Leverage the power of the Reinforcement Learning techniques to develop self-learning systems using Tensorflow Key Features Learn reinforcement learning concepts and their implementation using TensorFlow Discover different problem-solving methods for Reinforcement Learning Apply reinforcement learning for autonomous driving cars, robobrokers, and more Book DescriptionReinforcement Learning (RL), allows you to develop smart, quick and self-learning systems in your business surroundings. It is an effective method to train your learning agents and solve a variety of problems in Artificial Intelligence-from games, self-driving cars and robots to enterprise applications that range from datacenter energy saving (cooling data centers) to smart warehousing solutions. The book covers the major advancements and successes achieved in deep reinforcement learning by synergizing deep neural network architectures with reinforcement learning. The book also introduces readers to the concept of Reinforcement Learning, its advantages and why it's gaining so much popularity. The book also discusses on MDPs, Monte Carlo tree searches, dynamic programming such as policy and value iteration, temporal difference learning such as Q-learning and SARSA. You will use TensorFlow and OpenAI Gym to build simple neural network models that learn from their own actions. You will also see how reinforcement learning algorithms play a role in games, image processing and NLP. By the end of this book, you will have a firm understanding of what reinforcement learning is and how to put your knowledge to practical use by leveraging the power of TensorFlow and OpenAI Gym. What you will learn Implement state-of-the-art Reinforcement Learning algorithms from the basics Discover various techniques of Reinforcement Learning such as MDP, Q Learning and more Learn the applications of Reinforcement Learning in advertisement, image processing, and NLP Teach a Reinforcement Learning model to play a game using TensorFlow and the OpenAI gym Understand how Reinforcement Learning Applications are used in robotics Who this book is forIf you want to get started with reinforcement learning using TensorFlow in the most practical way, this book will be a useful resource. The book assumes prior knowledge of machine learning and neural network programming concepts, as well as some understanding of the TensorFlow framework. No previous experience with Reinforcement Learning is required.

Nmap 7 - From Beginner to Pro (Paperback): Nicholas Brown Nmap 7 - From Beginner to Pro (Paperback)
Nicholas Brown
R236 Discovery Miles 2 360 Ships in 10 - 15 working days
Machine Learning with Go Quick Start Guide - Hands-on techniques for building supervised and unsupervised machine learning... Machine Learning with Go Quick Start Guide - Hands-on techniques for building supervised and unsupervised machine learning workflows (Paperback)
Michael Bironneau, Toby Coleman
R706 Discovery Miles 7 060 Ships in 10 - 15 working days

This quick start guide will bring the readers to a basic level of understanding when it comes to the Machine Learning (ML) development lifecycle, will introduce Go ML libraries and then will exemplify common ML methods such as Classification, Regression, and Clustering Key Features Your handy guide to building machine learning workflows in Go for real-world scenarios Build predictive models using the popular supervised and unsupervised machine learning techniques Learn all about deployment strategies and take your ML application from prototype to production ready Book DescriptionMachine learning is an essential part of today's data-driven world and is extensively used across industries, including financial forecasting, robotics, and web technology. This book will teach you how to efficiently develop machine learning applications in Go. The book starts with an introduction to machine learning and its development process, explaining the types of problems that it aims to solve and the solutions it offers. It then covers setting up a frictionless Go development environment, including running Go interactively with Jupyter notebooks. Finally, common data processing techniques are introduced. The book then teaches the reader about supervised and unsupervised learning techniques through worked examples that include the implementation of evaluation metrics. These worked examples make use of the prominent open-source libraries GoML and Gonum. The book also teaches readers how to load a pre-trained model and use it to make predictions. It then moves on to the operational side of running machine learning applications: deployment, Continuous Integration, and helpful advice for effective logging and monitoring. At the end of the book, readers will learn how to set up a machine learning project for success, formulating realistic success criteria and accurately translating business requirements into technical ones. What you will learn Understand the types of problem that machine learning solves, and the various approaches Import, pre-process, and explore data with Go to make it ready for machine learning algorithms Visualize data with gonum/plot and Gophernotes Diagnose common machine learning problems, such as overfitting and underfitting Implement supervised and unsupervised learning algorithms using Go libraries Build a simple web service around a model and use it to make predictions Who this book is forThis book is for developers and data scientists with at least beginner-level knowledge of Go, and a vague idea of what types of problem Machine Learning aims to tackle. No advanced knowledge of Go (and no theoretical understanding of the math that underpins Machine Learning) is required.

Artificial Intelligence - A Comprehensive Guide to AI, Machine Learning, Internet of Things, Robotics, Deep Learning,... Artificial Intelligence - A Comprehensive Guide to AI, Machine Learning, Internet of Things, Robotics, Deep Learning, Predictive Analytics, Neural Networks, Reinforcement Learning, and Our Future (Paperback)
Neil Wilkins
R418 Discovery Miles 4 180 Ships in 10 - 15 working days
Keras Deep Learning Cookbook - Over 30 recipes for implementing deep neural networks in Python (Paperback): Rajdeep Dua,... Keras Deep Learning Cookbook - Over 30 recipes for implementing deep neural networks in Python (Paperback)
Rajdeep Dua, Manpreet Singh Ghotra
R975 Discovery Miles 9 750 Ships in 10 - 15 working days

Leverage the power of deep learning and Keras to develop smarter and more efficient data models Key Features Understand different neural networks and their implementation using Keras Explore recipes for training and fine-tuning your neural network models Put your deep learning knowledge to practice with real-world use-cases, tips, and tricks Book DescriptionKeras has quickly emerged as a popular deep learning library. Written in Python, it allows you to train convolutional as well as recurrent neural networks with speed and accuracy. The Keras Deep Learning Cookbook shows you how to tackle different problems encountered while training efficient deep learning models, with the help of the popular Keras library. Starting with installing and setting up Keras, the book demonstrates how you can perform deep learning with Keras in the TensorFlow. From loading data to fitting and evaluating your model for optimal performance, you will work through a step-by-step process to tackle every possible problem faced while training deep models. You will implement convolutional and recurrent neural networks, adversarial networks, and more with the help of this handy guide. In addition to this, you will learn how to train these models for real-world image and language processing tasks. By the end of this book, you will have a practical, hands-on understanding of how you can leverage the power of Python and Keras to perform effective deep learning What you will learn Install and configure Keras in TensorFlow Master neural network programming using the Keras library Understand the different Keras layers Use Keras to implement simple feed-forward neural networks, CNNs and RNNs Work with various datasets and models used for image and text classification Develop text summarization and reinforcement learning models using Keras Who this book is forKeras Deep Learning Cookbook is for you if you are a data scientist or machine learning expert who wants to find practical solutions to common problems encountered while training deep learning models. A basic understanding of Python and some experience in machine learning and neural networks is required for this book.

Hands-On Artificial Intelligence for Beginners - An introduction to AI concepts, algorithms, and their implementation... Hands-On Artificial Intelligence for Beginners - An introduction to AI concepts, algorithms, and their implementation (Paperback)
Patrick D Smith
R1,427 Discovery Miles 14 270 Ships in 10 - 15 working days

Grasp the fundamentals of Artificial Intelligence and build your own intelligent systems with ease Key Features Enter the world of AI with the help of solid concepts and real-world use cases Explore AI components to build real-world automated intelligence Become well versed with machine learning and deep learning concepts Book DescriptionVirtual Assistants, such as Alexa and Siri, process our requests, Google's cars have started to read addresses, and Amazon's prices and Netflix's recommended videos are decided by AI. Artificial Intelligence is one of the most exciting technologies and is becoming increasingly significant in the modern world. Hands-On Artificial Intelligence for Beginners will teach you what Artificial Intelligence is and how to design and build intelligent applications. This book will teach you to harness packages such as TensorFlow in order to create powerful AI systems. You will begin with reviewing the recent changes in AI and learning how artificial neural networks (ANNs) have enabled more intelligent AI. You'll explore feedforward, recurrent, convolutional, and generative neural networks (FFNNs, RNNs, CNNs, and GNNs), as well as reinforcement learning methods. In the concluding chapters, you'll learn how to implement these methods for a variety of tasks, such as generating text for chatbots, and playing board and video games. By the end of this book, you will be able to understand exactly what you need to consider when optimizing ANNs and how to deploy and maintain AI applications. What you will learn Use TensorFlow packages to create AI systems Build feedforward, convolutional, and recurrent neural networks Implement generative models for text generation Build reinforcement learning algorithms to play games Assemble RNNs, CNNs, and decoders to create an intelligent assistant Utilize RNNs to predict stock market behavior Create and scale training pipelines and deployment architectures for AI systems Who this book is forThis book is designed for beginners in AI, aspiring AI developers, as well as machine learning enthusiasts with an interest in leveraging various algorithms to build powerful AI applications.

Data Science Algorithms in a Week - Top 7 algorithms for scientific computing, data analysis, and machine learning, 2nd Edition... Data Science Algorithms in a Week - Top 7 algorithms for scientific computing, data analysis, and machine learning, 2nd Edition (Paperback, 2nd Revised edition)
David Natingga
R1,087 Discovery Miles 10 870 Ships in 10 - 15 working days

Build a strong foundation of machine learning algorithms in 7 days Key Features Use Python and its wide array of machine learning libraries to build predictive models Learn the basics of the 7 most widely used machine learning algorithms within a week Know when and where to apply data science algorithms using this guide Book DescriptionMachine learning applications are highly automated and self-modifying, and continue to improve over time with minimal human intervention, as they learn from the trained data. To address the complex nature of various real-world data problems, specialized machine learning algorithms have been developed. Through algorithmic and statistical analysis, these models can be leveraged to gain new knowledge from existing data as well. Data Science Algorithms in a Week addresses all problems related to accurate and efficient data classification and prediction. Over the course of seven days, you will be introduced to seven algorithms, along with exercises that will help you understand different aspects of machine learning. You will see how to pre-cluster your data to optimize and classify it for large datasets. This book also guides you in predicting data based on existing trends in your dataset. This book covers algorithms such as k-nearest neighbors, Naive Bayes, decision trees, random forest, k-means, regression, and time-series analysis. By the end of this book, you will understand how to choose machine learning algorithms for clustering, classification, and regression and know which is best suited for your problem What you will learn Understand how to identify a data science problem correctly Implement well-known machine learning algorithms efficiently using Python Classify your datasets using Naive Bayes, decision trees, and random forest with accuracy Devise an appropriate prediction solution using regression Work with time series data to identify relevant data events and trends Cluster your data using the k-means algorithm Who this book is forThis book is for aspiring data science professionals who are familiar with Python and have a little background in statistics. You'll also find this book useful if you're currently working with data science algorithms in some capacity and want to expand your skill set

Robotics - What Beginners Need to Know about Robotic Process Automation, Mobile Robots, Artificial Intelligence, Machine... Robotics - What Beginners Need to Know about Robotic Process Automation, Mobile Robots, Artificial Intelligence, Machine Learning, Autonomous Vehicles, Speech Recognition, Drones, and Our Future (Paperback)
Neil Wilkins
R355 Discovery Miles 3 550 Ships in 10 - 15 working days
Python Deep learning - Develop your first Neural Network in Python Using TensorFlow, Keras, and PyTorch (Paperback): Samuel... Python Deep learning - Develop your first Neural Network in Python Using TensorFlow, Keras, and PyTorch (Paperback)
Samuel Burns
R400 Discovery Miles 4 000 Ships in 10 - 15 working days
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,353 Discovery Miles 13 530 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.

Artificial Intelligence Engines - A Tutorial Introduction to the Mathematics of Deep Learning (Paperback): James V Stone Artificial Intelligence Engines - A Tutorial Introduction to the Mathematics of Deep Learning (Paperback)
James V Stone
R961 R842 Discovery Miles 8 420 Save R119 (12%) Ships in 10 - 15 working days
Hands-On Artificial Intelligence with Java for Beginners - Build intelligent apps using machine learning and deep learning with... Hands-On Artificial Intelligence with Java for Beginners - Build intelligent apps using machine learning and deep learning with Deeplearning4j (Paperback)
Nisheeth Joshi
R678 Discovery Miles 6 780 Ships in 10 - 15 working days

Build, train, and deploy intelligent applications using Java libraries Key Features Leverage the power of Java libraries to build smart applications Build and train deep learning models for implementing artificial intelligence Learn various algorithms to automate complex tasks Book DescriptionArtificial intelligence (AI) is increasingly in demand as well as relevant in the modern world, where everything is driven by technology and data. AI can be used for automating systems or processes to carry out complex tasks and functions in order to achieve optimal performance and productivity. Hands-On Artificial Intelligence with Java for Beginners begins by introducing you to AI concepts and algorithms. You will learn about various Java-based libraries and frameworks that can be used in implementing AI to build smart applications. In addition to this, the book teaches you how to implement easy to complex AI tasks, such as genetic programming, heuristic searches, reinforcement learning, neural networks, and segmentation, all with a practical approach. By the end of this book, you will not only have a solid grasp of AI concepts, but you'll also be able to build your own smart applications for multiple domains. What you will learn Leverage different Java packages and tools such as Weka, RapidMiner, and Deeplearning4j, among others Build machine learning models using supervised and unsupervised machine learning techniques Implement different deep learning algorithms in Deeplearning4j and build applications based on them Study the basics of heuristic searching and genetic programming Differentiate between syntactic and semantic similarity among texts Perform sentiment analysis for effective decision making with LingPipe Who this book is forHands-On Artificial Intelligence with Java for Beginners is for Java developers who want to learn the fundamentals of artificial intelligence and extend their programming knowledge to build smarter applications.

Introduction to Deep Learning (Black/White version) - with complete Python and TensorFlow examples (Paperback): Prof Dr Juergen... Introduction to Deep Learning (Black/White version) - with complete Python and TensorFlow examples (Paperback)
Prof Dr Juergen Brauer
R732 Discovery Miles 7 320 Ships in 10 - 15 working days
Hands-On Machine Learning for Algorithmic Trading - Design and implement investment strategies based on smart algorithms that... Hands-On Machine Learning for Algorithmic Trading - Design and implement investment strategies based on smart algorithms that learn from data using Python (Paperback)
Stefan Jansen
R1,743 Discovery Miles 17 430 Ships in 10 - 15 working days

Explore effective trading strategies in real-world markets using NumPy, spaCy, pandas, scikit-learn, and Keras Key Features Implement machine learning algorithms to build, train, and validate algorithmic models Create your own algorithmic design process to apply probabilistic machine learning approaches to trading decisions Develop neural networks for algorithmic trading to perform time series forecasting and smart analytics Book DescriptionThe explosive growth of digital data has boosted the demand for expertise in trading strategies that use machine learning (ML). This book enables you to use a broad range of supervised and unsupervised algorithms to extract signals from a wide variety of data sources and create powerful investment strategies. This book shows how to access market, fundamental, and alternative data via API or web scraping and offers a framework to evaluate alternative data. You'll practice the ML workflow from model design, loss metric definition, and parameter tuning to performance evaluation in a time series context. You will understand ML algorithms such as Bayesian and ensemble methods and manifold learning, and will know how to train and tune these models using pandas, statsmodels, sklearn, PyMC3, xgboost, lightgbm, and catboost. This book also teaches you how to extract features from text data using spaCy, classify news and assign sentiment scores, and to use gensim to model topics and learn word embeddings from financial reports. You will also build and evaluate neural networks, including RNNs and CNNs, using Keras and PyTorch to exploit unstructured data for sophisticated strategies. Finally, you will apply transfer learning to satellite images to predict economic activity and use reinforcement learning to build agents that learn to trade in the OpenAI Gym. What you will learn Implement machine learning techniques to solve investment and trading problems Leverage market, fundamental, and alternative data to research alpha factors Design and fine-tune supervised, unsupervised, and reinforcement learning models Optimize portfolio risk and performance using pandas, NumPy, and scikit-learn Integrate machine learning models into a live trading strategy on Quantopian Evaluate strategies using reliable backtesting methodologies for time series Design and evaluate deep neural networks using Keras, PyTorch, and TensorFlow Work with reinforcement learning for trading strategies in the OpenAI Gym Who this book is forHands-On Machine Learning for Algorithmic Trading is for data analysts, data scientists, and Python developers, as well as investment analysts and portfolio managers working within the finance and investment industry. If you want to perform efficient algorithmic trading by developing smart investigating strategies using machine learning algorithms, this is the book for you. Some understanding of Python and machine learning techniques is mandatory.

Hands-On Intelligent Agents with OpenAI Gym - Your guide to developing AI agents using deep reinforcement learning (Paperback):... Hands-On Intelligent Agents with OpenAI Gym - Your guide to developing AI agents using deep reinforcement learning (Paperback)
Praveen Palanisamy
R1,087 Discovery Miles 10 870 Ships in 10 - 15 working days

Implement intelligent agents using PyTorch to solve classic AI problems, play console games like Atari, and perform tasks such as autonomous driving using the CARLA driving simulator Key Features Explore the OpenAI Gym toolkit and interface to use over 700 learning tasks Implement agents to solve simple to complex AI problems Study learning environments and discover how to create your own Book DescriptionMany real-world problems can be broken down into tasks that require a series of decisions to be made or actions to be taken. The ability to solve such tasks without a machine being programmed requires a machine to be artificially intelligent and capable of learning to adapt. This book is an easy-to-follow guide to implementing learning algorithms for machine software agents in order to solve discrete or continuous sequential decision making and control tasks. Hands-On Intelligent Agents with OpenAI Gym takes you through the process of building intelligent agent algorithms using deep reinforcement learning starting from the implementation of the building blocks for configuring, training, logging, visualizing, testing, and monitoring the agent. You will walk through the process of building intelligent agents from scratch to perform a variety of tasks. In the closing chapters, the book provides an overview of the latest learning environments and learning algorithms, along with pointers to more resources that will help you take your deep reinforcement learning skills to the next level. What you will learn Explore intelligent agents and learning environments Understand the basics of RL and deep RL Get started with OpenAI Gym and PyTorch for deep reinforcement learning Discover deep Q learning agents to solve discrete optimal control tasks Create custom learning environments for real-world problems Apply a deep actor-critic agent to drive a car autonomously in CARLA Use the latest learning environments and algorithms to upgrade your intelligent agent development skills Who this book is forIf you're a student, game/machine learning developer, or AI enthusiast looking to get started with building intelligent agents and algorithms to solve a variety of problems with the OpenAI Gym interface, this book is for you. You will also find this book useful if you want to learn how to build deep reinforcement learning-based agents to solve problems in your domain of interest. Though the book covers all the basic concepts that you need to know, some working knowledge of Python programming language will help you get the most out of it.

The Machine Learning Toolbox - For Non-Mathematicians (Paperback): Brian Letort The Machine Learning Toolbox - For Non-Mathematicians (Paperback)
Brian Letort
R504 Discovery Miles 5 040 Ships in 10 - 15 working days
scikit-learn : Machine Learning Simplified (Paperback): Raul Garreta, Guillermo Moncecchi, Trent Hauck, Gavin Hackeling scikit-learn : Machine Learning Simplified (Paperback)
Raul Garreta, Guillermo Moncecchi, Trent Hauck, Gavin Hackeling
R2,486 Discovery Miles 24 860 Ships in 10 - 15 working days

Implement scikit-learn into every step of the data science pipeline About This Book * Use Python and scikit-learn to create intelligent applications * Discover how to apply algorithms in a variety of situations to tackle common and not-so common challenges in the machine learning domain * A practical, example-based guide to help you gain expertise in implementing and evaluating machine learning systems using scikit-learn Who This Book Is For If you are a programmer and want to explore machine learning and data-based methods to build intelligent applications and enhance your programming skills, this is the course for you. No previous experience with machine-learning algorithms is required. What You Will Learn * Review fundamental concepts including supervised and unsupervised experiences, common tasks, and performance metrics * Classify objects (from documents to human faces and flower species) based on some of their features, using a variety of methods from Support Vector Machines to Naive Bayes * Use Decision Trees to explain the main causes of certain phenomena such as passenger survival on the Titanic * Evaluate the performance of machine learning systems in common tasks * Master algorithms of various levels of complexity and learn how to analyze data at the same time * Learn just enough math to think about the connections between various algorithms * Customize machine learning algorithms to fit your problem, and learn how to modify them when the situation calls for it * Incorporate other packages from the Python ecosystem to munge and visualize your dataset * Improve the way you build your models using parallelization techniques In Detail Machine learning, the art of creating applications that learn from experience and data, has been around for many years. Python is quickly becoming the go-to language for analysts and data scientists due to its simplicity and flexibility; moreover, within the Python data space, scikit-learn is the unequivocal choice for machine learning. The course combines an introduction to some of the main concepts and methods in machine learning with practical, hands-on examples of real-world problems. The course starts by walking through different methods to prepare your data-be it a dataset with missing values or text columns that require the categories to be turned into indicator variables. After the data is ready, you'll learn different techniques aligned with different objectives-be it a dataset with known outcomes such as sales by state, or more complicated problems such as clustering similar customers. Finally, you'll learn how to polish your algorithm to ensure that it's both accurate and resilient to new datasets. You will learn to incorporate machine learning in your applications. Ranging from handwritten digit recognition to document classification, examples are solved step-by-step using scikit-learn and Python. By the end of this course you will have learned how to build applications that learn from experience, by applying the main concepts and techniques of machine learning. Style and Approach Implement scikit-learn using engaging examples and fun exercises, and with a gentle and friendly but comprehensive "learn-by-doing" approach. This is a practical course, which analyzes compelling data about life, health, and death with the help of tutorials. It offers you a useful way of interpreting the data that's specific to this course, but that can also be applied to any other data. This course is designed to be both a guide and a reference for moving beyond the basics of scikit-learn.

Top Trends in AI Self-Driving Cars - Practical Advances in AI and Machine Learning (Paperback): Lance B. Eliot Top Trends in AI Self-Driving Cars - Practical Advances in AI and Machine Learning (Paperback)
Lance B. Eliot
R719 Discovery Miles 7 190 Ships in 10 - 15 working days
Java Deep Learning Projects - Implement 10 real-world deep learning applications using Deeplearning4j and open source APIs... Java Deep Learning Projects - Implement 10 real-world deep learning applications using Deeplearning4j and open source APIs (Paperback)
Md. Rezaul Karim
R1,465 Discovery Miles 14 650 Ships in 10 - 15 working days

Build and deploy powerful neural network models using the latest Java deep learning libraries Key Features Understand DL with Java by implementing real-world projects Master implementations of various ANN models and build your own DL systems Develop applications using NLP, image classification, RL, and GPU processing Book DescriptionJava is one of the most widely used programming languages. With the rise of deep learning, it has become a popular choice of tool among data scientists and machine learning experts. Java Deep Learning Projects starts with an overview of deep learning concepts and then delves into advanced projects. You will see how to build several projects using different deep neural network architectures such as multilayer perceptrons, Deep Belief Networks, CNN, LSTM, and Factorization Machines. You will get acquainted with popular deep and machine learning libraries for Java such as Deeplearning4j, Spark ML, and RankSys and you'll be able to use their features to build and deploy projects on distributed computing environments. You will then explore advanced domains such as transfer learning and deep reinforcement learning using the Java ecosystem, covering various real-world domains such as healthcare, NLP, image classification, and multimedia analytics with an easy-to-follow approach. Expert reviews and tips will follow every project to give you insights and hacks. By the end of this book, you will have stepped up your expertise when it comes to deep learning in Java, taking it beyond theory and be able to build your own advanced deep learning systems. What you will learn Master deep learning and neural network architectures Build real-life applications covering image classification, object detection, online trading, transfer learning, and multimedia analytics using DL4J and open-source APIs Train ML agents to learn from data using deep reinforcement learning Use factorization machines for advanced movie recommendations Train DL models on distributed GPUs for faster deep learning with Spark and DL4J Ease your learning experience through 69 FAQs Who this book is forIf you are a data scientist, machine learning professional, or deep learning practitioner keen to expand your knowledge by delving into the practical aspects of deep learning with Java, then this book is what you need! Get ready to build advanced deep learning models to carry out complex numerical computations. Some basic understanding of machine learning concepts and a working knowledge of Java are required.

Natural Language Processing and Computational Linguistics - A practical guide to text analysis with Python, Gensim, spaCy, and... Natural Language Processing and Computational Linguistics - A practical guide to text analysis with Python, Gensim, spaCy, and Keras (Paperback)
Bhargav Srinivasa-Desikan
R1,168 Discovery Miles 11 680 Ships in 10 - 15 working days

Work with Python and powerful open source tools such as Gensim and spaCy to perform modern text analysis, natural language processing, and computational linguistics algorithms. Key Features Discover the open source Python text analysis ecosystem, using spaCy, Gensim, scikit-learn, and Keras Hands-on text analysis with Python, featuring natural language processing and computational linguistics algorithms Learn deep learning techniques for text analysis Book DescriptionModern text analysis is now very accessible using Python and open source tools, so discover how you can now perform modern text analysis in this era of textual data. This book shows you how to use natural language processing, and computational linguistics algorithms, to make inferences and gain insights about data you have. These algorithms are based on statistical machine learning and artificial intelligence techniques. The tools to work with these algorithms are available to you right now - with Python, and tools like Gensim and spaCy. You'll start by learning about data cleaning, and then how to perform computational linguistics from first concepts. You're then ready to explore the more sophisticated areas of statistical NLP and deep learning using Python, with realistic language and text samples. You'll learn to tag, parse, and model text using the best tools. You'll gain hands-on knowledge of the best frameworks to use, and you'll know when to choose a tool like Gensim for topic models, and when to work with Keras for deep learning. This book balances theory and practical hands-on examples, so you can learn about and conduct your own natural language processing projects and computational linguistics. You'll discover the rich ecosystem of Python tools you have available to conduct NLP - and enter the interesting world of modern text analysis. What you will learn Why text analysis is important in our modern age Understand NLP terminology and get to know the Python tools and datasets Learn how to pre-process and clean textual data Convert textual data into vector space representations Using spaCy to process text Train your own NLP models for computational linguistics Use statistical learning and Topic Modeling algorithms for text, using Gensim and scikit-learn Employ deep learning techniques for text analysis using Keras Who this book is forThis book is for you if you want to dive in, hands-first, into the interesting world of text analysis and NLP, and you're ready to work with the rich Python ecosystem of tools and datasets waiting for you!

Neural Networks - Neural Networks Tools and Techniques for Beginners (Paperback): John Slavio Neural Networks - Neural Networks Tools and Techniques for Beginners (Paperback)
John Slavio
R499 Discovery Miles 4 990 Ships in 10 - 15 working days
Keras Reinforcement Learning Projects - 9 projects exploring popular reinforcement learning techniques to build self-learning... Keras Reinforcement Learning Projects - 9 projects exploring popular reinforcement learning techniques to build self-learning agents (Paperback)
Giuseppe Ciaburro
R1,334 Discovery Miles 13 340 Ships in 10 - 15 working days

A practical guide to mastering reinforcement learning algorithms using Keras Key Features Build projects across robotics, gaming, and finance fields, putting reinforcement learning (RL) into action Get to grips with Keras and practice on real-world unstructured datasets Uncover advanced deep learning algorithms such as Monte Carlo, Markov Decision, and Q-learning Book DescriptionReinforcement learning has evolved a lot in the last couple of years and proven to be a successful technique in building smart and intelligent AI networks. Keras Reinforcement Learning Projects installs human-level performance into your applications using algorithms and techniques of reinforcement learning, coupled with Keras, a faster experimental library. The book begins with getting you up and running with the concepts of reinforcement learning using Keras. You'll learn how to simulate a random walk using Markov chains and select the best portfolio using dynamic programming (DP) and Python. You'll also explore projects such as forecasting stock prices using Monte Carlo methods, delivering vehicle routing application using Temporal Distance (TD) learning algorithms, and balancing a Rotating Mechanical System using Markov decision processes. Once you've understood the basics, you'll move on to Modeling of a Segway, running a robot control system using deep reinforcement learning, and building a handwritten digit recognition model in Python using an image dataset. Finally, you'll excel in playing the board game Go with the help of Q-Learning and reinforcement learning algorithms. By the end of this book, you'll not only have developed hands-on training on concepts, algorithms, and techniques of reinforcement learning but also be all set to explore the world of AI. What you will learn Practice the Markov decision process in prediction and betting evaluations Implement Monte Carlo methods to forecast environment behaviors Explore TD learning algorithms to manage warehouse operations Construct a Deep Q-Network using Python and Keras to control robot movements Apply reinforcement concepts to build a handwritten digit recognition model using an image dataset Address a game theory problem using Q-Learning and OpenAI Gym Who this book is forKeras Reinforcement Learning Projects is for you if you are data scientist, machine learning developer, or AI engineer who wants to understand the fundamentals of reinforcement learning by developing practical projects. Sound knowledge of machine learning and basic familiarity with Keras is useful to get the most out of this book

Pioneering Advances for AI Driverless Cars - Practical Innovations in Artificial Intelligence and Machine Learning (Paperback):... Pioneering Advances for AI Driverless Cars - Practical Innovations in Artificial Intelligence and Machine Learning (Paperback)
Lance Eliot
R726 Discovery Miles 7 260 Ships in 10 - 15 working days
Free Delivery
Pinterest Twitter Facebook Google+
You may like...
Artificial Intelligence - The Ultimate…
Neil Wilkins Hardcover R769 R661 Discovery Miles 6 610
Avatar-Based Control, Estimation…
Vardan Mkrttchian, Ekaterina Aleshina, … Hardcover R7,394 Discovery Miles 73 940
Fuzzy Systems - Theory and Applications
Constantin Volosencu Hardcover R3,437 Discovery Miles 34 370
Icle Publications Plc-Powered Data…
Polly Patrick, Angela Peery Paperback R756 Discovery Miles 7 560
Biomedical and Business Applications…
Richard S Segall, Gao Niu Hardcover R7,372 Discovery Miles 73 720
Advancements in Instrumentation and…
Srijan Bhattacharya Hardcover R6,810 Discovery Miles 68 100
Zeroing Neural Networks - Finite-time…
L. Xiao Hardcover R3,230 Discovery Miles 32 300
Deep Learning in Computational Mechanics…
Stefan Kollmannsberger, Davide D'Angella, … Hardcover R2,440 Discovery Miles 24 400
State of the Art in Neural Networks and…
Ayman S. El-Baz, Jasjit S. Suri Paperback R3,524 Discovery Miles 35 240
Explainable Fuzzy Systems - Paving the…
Jose Maria Alonso Moral, Ciro Castiello, … Hardcover R4,811 Discovery Miles 48 110

 

Partners