0
Your cart

Your cart is empty

Browse All Departments
Price
  • R100 - R250 (4)
  • R250 - R500 (35)
  • R500+ (889)
  • -
Status
Format
Author / Contributor
Publisher

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

Recent Progress in Artificial Neural Networks (Hardcover): Jeremy Rogerson Recent Progress in Artificial Neural Networks (Hardcover)
Jeremy Rogerson
R3,298 R2,980 Discovery Miles 29 800 Save R318 (10%) Ships in 10 - 15 working days
The Singularity - Building a Better Future (Paperback): Nishanth Mudkey The Singularity - Building a Better Future (Paperback)
Nishanth Mudkey
R1,157 R964 Discovery Miles 9 640 Save R193 (17%) Ships in 10 - 15 working days
Design, Implementation, and Analysis of Next Generation Optical Networks - Emerging Research and Opportunities (Paperback):... Design, Implementation, and Analysis of Next Generation Optical Networks - Emerging Research and Opportunities (Paperback)
Waqas Ahmed Imtiaz, Rastislav Roka
R4,459 Discovery Miles 44 590 Ships in 10 - 15 working days

By the end of the decade, approximately 50 billion devices will be connected over the internet using multiple services such as online gaming, ultra-high definition videos, and 5G mobile services. The associated data traffic demand in both fixed and mobile networks is increasing dramatically, causing network operators to have to migrate the existing optical networks towards next-generation solutions. The main challenge within this development stems from network operators having difficulties finding cost-effective next-generation optical network solutions that can match future high capacity demand in terms of data, reach, and the number of subscribers to support multiple network services on a common network infrastructure. Design, Implementation, and Analysis of Next Generation Optical Networks: Emerging Research and Opportunities is an essential reference source that discusses the next generation of high capacity passive optical access networks (PON) in terms of design, implementation, and analysis and offers a complete reference of technology solutions for next-generation optical networks. Featuring research on topics such as artificial intelligence, electromagnetic interface, and wireless communication, this book is ideally designed for researchers, engineers, scientists, and students interested in understanding, designing, and analyzing the next generation of optical networks.

OpenCV 4 Computer Vision Application Programming Cookbook - Build complex computer vision applications with OpenCV and C++, 4th... OpenCV 4 Computer Vision Application Programming Cookbook - Build complex computer vision applications with OpenCV and C++, 4th Edition (Paperback, 4th Revised edition)
David Millan Escriva, Robert Laganiere
R1,222 Discovery Miles 12 220 Ships in 10 - 15 working days

Discover interesting recipes to help you understand the concepts of object detection, image processing, and facial detection Key Features Explore the latest features and APIs in OpenCV 4 and build computer vision algorithms Develop effective, robust, and fail-safe vision for your applications Build computer vision algorithms with machine learning capabilities Book DescriptionOpenCV is an image and video processing library used for all types of image and video analysis. Throughout the book, you'll work through recipes that implement a variety of tasks, such as facial recognition and detection. With 70 self-contained tutorials, this book examines common pain points and best practices for computer vision (CV) developers. Each recipe addresses a specific problem and offers a proven, best-practice solution with insights into how it works, so that you can copy the code and configuration files and modify them to suit your needs. This book begins by setting up OpenCV, and explains how to manipulate pixels. You'll understand how you can process images with classes and count pixels with histograms. You'll also learn detecting, describing, and matching interest points. As you advance through the chapters, you'll get to grips with estimating projective relations in images, reconstructing 3D scenes, processing video sequences, and tracking visual motion. In the final chapters, you'll cover deep learning concepts such as face and object detection. By the end of the book, you'll be able to confidently implement a range to computer vision algorithms to meet the technical requirements of your complex CV projects What you will learn Install and create a program using the OpenCV library Segment images into homogenous regions and extract meaningful objects Apply image filters to enhance image content Exploit image geometry to relay different views of a pictured scene Calibrate the camera from different image observations Detect people and objects in images using machine learning techniques Reconstruct a 3D scene from images Explore face detection using deep learning Who this book is forIf you're a CV developer or professional who already uses or would like to use OpenCV for building computer vision software, this book is for you. You'll also find this book useful if you're a C++ programmer looking to extend your computer vision skillset by learning OpenCV.

Intelligent Projects Using Python - 9 real-world AI projects leveraging machine learning and deep learning with TensorFlow and... Intelligent Projects Using Python - 9 real-world AI projects leveraging machine learning and deep learning with TensorFlow and Keras (Paperback)
Santanu Pattanayak
R1,169 Discovery Miles 11 690 Ships in 10 - 15 working days

Implement machine learning and deep learning methodologies to build smart, cognitive AI projects using Python Key Features A go-to guide to help you master AI algorithms and concepts 8 real-world projects tackling different challenges in healthcare, e-commerce, and surveillance Use TensorFlow, Keras, and other Python libraries to implement smart AI applications Book DescriptionThis book will be a perfect companion if you want to build insightful projects from leading AI domains using Python. The book covers detailed implementation of projects from all the core disciplines of AI. We start by covering the basics of how to create smart systems using machine learning and deep learning techniques. You will assimilate various neural network architectures such as CNN, RNN, LSTM, to solve critical new world challenges. You will learn to train a model to detect diabetic retinopathy conditions in the human eye and create an intelligent system for performing a video-to-text translation. You will use the transfer learning technique in the healthcare domain and implement style transfer using GANs. Later you will learn to build AI-based recommendation systems, a mobile app for sentiment analysis and a powerful chatbot for carrying customer services. You will implement AI techniques in the cybersecurity domain to generate Captchas. Later you will train and build autonomous vehicles to self-drive using reinforcement learning. You will be using libraries from the Python ecosystem such as TensorFlow, Keras and more to bring the core aspects of machine learning, deep learning, and AI. By the end of this book, you will be skilled to build your own smart models for tackling any kind of AI problems without any hassle. What you will learn Build an intelligent machine translation system using seq-2-seq neural translation machines Create AI applications using GAN and deploy smart mobile apps using TensorFlow Translate videos into text using CNN and RNN Implement smart AI Chatbots, and integrate and extend them in several domains Create smart reinforcement, learning-based applications using Q-Learning Break and generate CAPTCHA using Deep Learning and Adversarial Learning Who this book is forThis book is intended for data scientists, machine learning professionals, and deep learning practitioners who are ready to extend their knowledge and potential in AI. If you want to build real-life smart systems to play a crucial role in every complex domain, then this book is what you need. Knowledge of Python programming and a familiarity with basic machine learning and deep learning concepts are expected to help you get the most out of the book

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,160 Discovery Miles 11 600 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 Network Projects with Python - The ultimate guide to using Python to explore the true power of neural networks through... Neural Network Projects with Python - The ultimate guide to using Python to explore the true power of neural networks through six projects (Paperback)
James Loy
R1,155 Discovery Miles 11 550 Ships in 10 - 15 working days

Build your Machine Learning portfolio by creating 6 cutting-edge Artificial Intelligence projects using neural networks in Python Key Features Discover neural network architectures (like CNN and LSTM) that are driving recent advancements in AI Build expert neural networks in Python using popular libraries such as Keras Includes projects such as object detection, face identification, sentiment analysis, and more Book DescriptionNeural networks are at the core of recent AI advances, providing some of the best resolutions to many real-world problems, including image recognition, medical diagnosis, text analysis, and more. This book goes through some basic neural network and deep learning concepts, as well as some popular libraries in Python for implementing them. It contains practical demonstrations of neural networks in domains such as fare prediction, image classification, sentiment analysis, and more. In each case, the book provides a problem statement, the specific neural network architecture required to tackle that problem, the reasoning behind the algorithm used, and the associated Python code to implement the solution from scratch. In the process, you will gain hands-on experience with using popular Python libraries such as Keras to build and train your own neural networks from scratch. By the end of this book, you will have mastered the different neural network architectures and created cutting-edge AI projects in Python that will immediately strengthen your machine learning portfolio. What you will learn Learn various neural network architectures and its advancements in AI Master deep learning in Python by building and training neural network Master neural networks for regression and classification Discover convolutional neural networks for image recognition Learn sentiment analysis on textual data using Long Short-Term Memory Build and train a highly accurate facial recognition security system Who this book is forThis book is a perfect match for data scientists, machine learning engineers, and deep learning enthusiasts who wish to create practical neural network projects in Python. Readers should already have some basic knowledge of machine learning and neural networks.

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
R444 Discovery Miles 4 440 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,545 Discovery Miles 15 450 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.

Neural Networks - Neural Networks Tools and Techniques for Beginners (Paperback): John Slavio Neural Networks - Neural Networks Tools and Techniques for Beginners (Paperback)
John Slavio
R522 Discovery Miles 5 220 Ships in 10 - 15 working days
The Machine Learning Toolbox - For Non-Mathematicians (Paperback): Brian Letort The Machine Learning Toolbox - For Non-Mathematicians (Paperback)
Brian Letort
R527 Discovery Miles 5 270 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,321 Discovery Miles 13 210 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
R729 Discovery Miles 7 290 Ships in 10 - 15 working days
Generative Adversarial Networks Cookbook - Over 100 recipes to build generative models using Python, TensorFlow, and Keras... Generative Adversarial Networks Cookbook - Over 100 recipes to build generative models using Python, TensorFlow, and Keras (Paperback)
Josh Kalin
R1,251 Discovery Miles 12 510 Ships in 10 - 15 working days

Simplify next-generation deep learning by implementing powerful generative models using Python, TensorFlow and Keras Key Features Understand the common architecture of different types of GANs Train, optimize, and deploy GAN applications using TensorFlow and Keras Build generative models with real-world data sets, including 2D and 3D data Book DescriptionDeveloping Generative Adversarial Networks (GANs) is a complex task, and it is often hard to find code that is easy to understand. This book leads you through eight different examples of modern GAN implementations, including CycleGAN, simGAN, DCGAN, and 2D image to 3D model generation. Each chapter contains useful recipes to build on a common architecture in Python, TensorFlow and Keras to explore increasingly difficult GAN architectures in an easy-to-read format. The book starts by covering the different types of GAN architecture to help you understand how the model works. This book also contains intuitive recipes to help you work with use cases involving DCGAN, Pix2Pix, and so on. To understand these complex applications, you will take different real-world data sets and put them to use. By the end of this book, you will be equipped to deal with the challenges and issues that you may face while working with GAN models, thanks to easy-to-follow code solutions that you can implement right away. What you will learn Structure a GAN architecture in pseudocode Understand the common architecture for each of the GAN models you will build Implement different GAN architectures in TensorFlow and Keras Use different datasets to enable neural network functionality in GAN models Combine different GAN models and learn how to fine-tune them Produce a model that can take 2D images and produce 3D models Develop a GAN to do style transfer with Pix2Pix Who this book is forThis book is for data scientists, machine learning developers, and deep learning practitioners looking for a quick reference to tackle challenges and tasks in the GAN domain. Familiarity with machine learning concepts and working knowledge of Python programming language will help you get the most out of the book.

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,720 Discovery Miles 17 200 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.

Recurrent Neural Networks with Python Quick Start Guide - Sequential learning and language modeling with TensorFlow... Recurrent Neural Networks with Python Quick Start Guide - Sequential learning and language modeling with TensorFlow (Paperback)
Simeon Kostadinov
R840 Discovery Miles 8 400 Ships in 10 - 15 working days

Learn how to develop intelligent applications with sequential learning and apply modern methods for language modeling with neural network architectures for deep learning with Python's most popular TensorFlow framework. Key Features Train and deploy Recurrent Neural Networks using the popular TensorFlow library Apply long short-term memory units Expand your skills in complex neural network and deep learning topics Book DescriptionDevelopers struggle to find an easy-to-follow learning resource for implementing Recurrent Neural Network (RNN) models. RNNs are the state-of-the-art model in deep learning for dealing with sequential data. From language translation to generating captions for an image, RNNs are used to continuously improve results. This book will teach you the fundamentals of RNNs, with example applications in Python and the TensorFlow library. The examples are accompanied by the right combination of theoretical knowledge and real-world implementations of concepts to build a solid foundation of neural network modeling. Your journey starts with the simplest RNN model, where you can grasp the fundamentals. The book then builds on this by proposing more advanced and complex algorithms. We use them to explain how a typical state-of-the-art RNN model works. From generating text to building a language translator, we show how some of today's most powerful AI applications work under the hood. After reading the book, you will be confident with the fundamentals of RNNs, and be ready to pursue further study, along with developing skills in this exciting field. What you will learn Use TensorFlow to build RNN models Use the correct RNN architecture for a particular machine learning task Collect and clear the training data for your models Use the correct Python libraries for any task during the building phase of your model Optimize your model for higher accuracy Identify the differences between multiple models and how you can substitute them Learn the core deep learning fundamentals applicable to any machine learning model Who this book is forThis book is for Machine Learning engineers and data scientists who want to learn about Recurrent Neural Network models with practical use-cases. Exposure to Python programming is required. Previous experience with TensorFlow will be helpful, but not mandatory.

Multi-Objective Stochastic Programming in Fuzzy Environments (Paperback): Animesh Biswas, Arnab Kumar De Multi-Objective Stochastic Programming in Fuzzy Environments (Paperback)
Animesh Biswas, Arnab Kumar De
R4,514 Discovery Miles 45 140 Ships in 10 - 15 working days

It is frequently observed that most decision-making problems involve several objectives, and the aim of the decision makers is to find the best decision by fulfilling the aspiration levels of all the objectives. Multi-objective decision making is especially suitable for the design and planning steps and allows a decision maker to achieve the optimal or aspired goals by considering the various interactions of the given constraints. Multi-Objective Stochastic Programming in Fuzzy Environments discusses optimization problems with fuzzy random variables following several types of probability distributions and different types of fuzzy numbers with different defuzzification processes in probabilistic situations. The content within this publication examines such topics as waste management, agricultural systems, and fuzzy set theory. It is designed for academicians, researchers, and students.

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,081 Discovery Miles 10 810 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

Keras 2.x Projects - 9 projects demonstrating faster experimentation of neural network and deep learning applications using... Keras 2.x Projects - 9 projects demonstrating faster experimentation of neural network and deep learning applications using Keras (Paperback)
Giuseppe Ciaburro
R1,296 Discovery Miles 12 960 Ships in 10 - 15 working days

Demonstrate fundamentals of Deep Learning and neural network methodologies using Keras 2.x Key Features Experimental projects showcasing the implementation of high-performance deep learning models with Keras. Use-cases across reinforcement learning, natural language processing, GANs and computer vision. Build strong fundamentals of Keras in the area of deep learning and artificial intelligence. Book DescriptionKeras 2.x Projects explains how to leverage the power of Keras to build and train state-of-the-art deep learning models through a series of practical projects that look at a range of real-world application areas. To begin with, you will quickly set up a deep learning environment by installing the Keras library. Through each of the projects, you will explore and learn the advanced concepts of deep learning and will learn how to compute and run your deep learning models using the advanced offerings of Keras. You will train fully-connected multilayer networks, convolutional neural networks, recurrent neural networks, autoencoders and generative adversarial networks using real-world training datasets. The projects you will undertake are all based on real-world scenarios of all complexity levels, covering topics such as language recognition, stock volatility, energy consumption prediction, faster object classification for self-driving vehicles, and more. By the end of this book, you will be well versed with deep learning and its implementation with Keras. You will have all the knowledge you need to train your own deep learning models to solve different kinds of problems. What you will learn Apply regression methods to your data and understand how the regression algorithm works Understand the basic concepts of classification methods and how to implement them in the Keras environment Import and organize data for neural network classification analysis Learn about the role of rectified linear units in the Keras network architecture Implement a recurrent neural network to classify the sentiment of sentences from movie reviews Set the embedding layer and the tensor sizes of a network Who this book is forIf you are a data scientist, machine learning engineer, deep learning practitioner or an AI engineer who wants to build speedy intelligent applications with minimal lines of codes, then this book is the best fit for you. Sound knowledge of machine learning and basic familiarity with Keras library would be useful.

Deep Learning with PyTorch Quick Start Guide - Learn to train and deploy neural network models in Python (Paperback): David... Deep Learning with PyTorch Quick Start Guide - Learn to train and deploy neural network models in Python (Paperback)
David Julian
R863 Discovery Miles 8 630 Ships in 10 - 15 working days

Introduction to deep learning and PyTorch by building a convolutional neural network and recurrent neural network for real-world use cases such as image classification, transfer learning, and natural language processing. Key Features Clear and concise explanations Gives important insights into deep learning models Practical demonstration of key concepts Book DescriptionPyTorch is extremely powerful and yet easy to learn. It provides advanced features, such as supporting multiprocessor, distributed, and parallel computation. This book is an excellent entry point for those wanting to explore deep learning with PyTorch to harness its power. This book will introduce you to the PyTorch deep learning library and teach you how to train deep learning models without any hassle. We will set up the deep learning environment using PyTorch, and then train and deploy different types of deep learning models, such as CNN, RNN, and autoencoders. You will learn how to optimize models by tuning hyperparameters and how to use PyTorch in multiprocessor and distributed environments. We will discuss long short-term memory network (LSTMs) and build a language model to predict text. By the end of this book, you will be familiar with PyTorch's capabilities and be able to utilize the library to train your neural networks with relative ease. What you will learn Set up the deep learning environment using the PyTorch library Learn to build a deep learning model for image classification Use a convolutional neural network for transfer learning Understand to use PyTorch for natural language processing Use a recurrent neural network to classify text Understand how to optimize PyTorch in multiprocessor and distributed environments Train, optimize, and deploy your neural networks for maximum accuracy and performance Learn to deploy production-ready models Who this book is forDevelopers and Data Scientist familiar with Machine Learning but new to deep learning, or existing practitioners of deep learning who would like to use PyTorch to train their deep learning models will find this book to be useful. Having knowledge of Python programming will be an added advantage, while previous exposure to PyTorch is not needed.

Artificial Intelligence By Example - Develop machine intelligence from scratch using real artificial intelligence use cases... Artificial Intelligence By Example - Develop machine intelligence from scratch using real artificial intelligence use cases (Paperback)
Denis Rothman
R1,220 Discovery Miles 12 200 Ships in 10 - 15 working days

Publisher's Note: This edition from 2018 is outdated! A new second edition, completely updated for Python 3.x and its latest libraries, and TensorFlow 2.x, is now available. It features new and more practical examples executed on various platforms like TensorBoard, IBMQ, Google Dialogflow, Quirk, and more. Key Features AI-based examples to guide you in designing and implementing machine intelligence Develop your own method for future AI solutions Acquire advanced AI, machine learning, and deep learning design skills Book DescriptionArtificial intelligence has the potential to replicate humans in every field. Artificial Intelligence By Example serves as a starting point for you to understand how AI is built, with the help of intriguing examples and case studies. Artificial Intelligence By Example will make you an adaptive thinker and help you apply concepts to real-life scenarios. Using some of the most interesting AI examples, right from a simple chess engine to a cognitive chatbot, you will learn how to tackle the machine you are competing with. You will study some of the most advanced machine learning models, understand how to apply AI to blockchain and IoT, and develop emotional quotient in chatbots using neural networks. You will move on to designing AI solutions in a simple manner rather than get confused by complex architectures and techniques. This comprehensive guide will be a starter kit for you to develop AI applications on your own. By the end of this book, you will have understood the fundamentals of AI and worked through a number of case studies that will help you develop your business vision. What you will learn Use adaptive thinking to solve real-life AI case studies Rise beyond being a modern-day factory code worker Acquire advanced AI, machine learning, and deep learning designing skills Learn about cognitive NLP chatbots, quantum computing, and IoT and blockchain technology Understand future AI solutions and adapt quickly to them Develop out-of-the-box thinking to face any challenge the market presents Who this book is forArtificial Intelligence by Example is a simple, explanatory, and descriptive guide for junior developers, experienced developers, technology consultants, and those interested in AI who want to understand the fundamentals of artificial intelligence and implement it practically by devising smart solutions. Prior experience with Python and statistical knowledge is essential to make the most out of this book.

Hands-On Neural Network Programming with C# - Add powerful neural network capabilities to your C# enterprise applications... Hands-On Neural Network Programming with C# - Add powerful neural network capabilities to your C# enterprise applications (Paperback)
Matt R Cole
R1,039 Discovery Miles 10 390 Ships in 9 - 17 working days

Create and unleash the power of neural networks by implementing C# and .Net code Key Features Get a strong foundation of neural networks with access to various machine learning and deep learning libraries Real-world case studies illustrating various neural network techniques and architectures used by practitioners Cutting-edge coverage of Deep Networks, optimization algorithms, convolutional networks, autoencoders and many more Book DescriptionNeural networks have made a surprise comeback in the last few years and have brought tremendous innovation in the world of artificial intelligence. The goal of this book is to provide C# programmers with practical guidance in solving complex computational challenges using neural networks and C# libraries such as CNTK, and TensorFlowSharp. This book will take you on a step-by-step practical journey, covering everything from the mathematical and theoretical aspects of neural networks, to building your own deep neural networks into your applications with the C# and .NET frameworks. This book begins by giving you a quick refresher of neural networks. You will learn how to build a neural network from scratch using packages such as Encog, Aforge, and Accord. You will learn about various concepts and techniques, such as deep networks, perceptrons, optimization algorithms, convolutional networks, and autoencoders. You will learn ways to add intelligent features to your .NET apps, such as facial and motion detection, object detection and labeling, language understanding, knowledge, and intelligent search. Throughout this book, you will be working on interesting demonstrations that will make it easier to implement complex neural networks in your enterprise applications. What you will learn Understand perceptrons and how to implement them in C# Learn how to train and visualize a neural network using cognitive services Perform image recognition for detecting and labeling objects using C# and TensorFlowSharp Detect specific image characteristics such as a face using Accord.Net Demonstrate particle swarm optimization using a simple XOR problem and Encog Train convolutional neural networks using ConvNetSharp Find optimal parameters for your neural network functions using numeric and heuristic optimization techniques. Who this book is forThis book is for Machine Learning Engineers, Data Scientists, Deep Learning Aspirants and Data Analysts who are now looking to move into advanced machine learning and deep learning with C#. Prior knowledge of machine learning and working experience with C# programming is required to take most out of this book

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
R704 Discovery Miles 7 040 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.

Natural Language Processing with Java - Techniques for building machine learning and neural network models for NLP, 2nd Edition... Natural Language Processing with Java - Techniques for building machine learning and neural network models for NLP, 2nd Edition (Paperback, 2nd Revised edition)
Richard M Reese, AshishSingh Bhatia
R1,158 Discovery Miles 11 580 Ships in 10 - 15 working days

Explore various approaches to organize and extract useful text from unstructured data using Java Key Features Use deep learning and NLP techniques in Java to discover hidden insights in text Work with popular Java libraries such as CoreNLP, OpenNLP, and Mallet Explore machine translation, identifying parts of speech, and topic modeling Book DescriptionNatural Language Processing (NLP) allows you to take any sentence and identify patterns, special names, company names, and more. The second edition of Natural Language Processing with Java teaches you how to perform language analysis with the help of Java libraries, while constantly gaining insights from the outcomes. You'll start by understanding how NLP and its various concepts work. Having got to grips with the basics, you'll explore important tools and libraries in Java for NLP, such as CoreNLP, OpenNLP, Neuroph, and Mallet. You'll then start performing NLP on different inputs and tasks, such as tokenization, model training, parts-of-speech and parsing trees. You'll learn about statistical machine translation, summarization, dialog systems, complex searches, supervised and unsupervised NLP, and more. By the end of this book, you'll have learned more about NLP, neural networks, and various other trained models in Java for enhancing the performance of NLP applications. What you will learn Understand basic NLP tasks and how they relate to one another Discover and use the available tokenization engines Apply search techniques to find people, as well as things, within a document Construct solutions to identify parts of speech within sentences Use parsers to extract relationships between elements of a document Identify topics in a set of documents Explore topic modeling from a document Who this book is forNatural Language Processing with Java is for you if you are a data analyst, data scientist, or machine learning engineer who wants to extract information from a language using Java. Knowledge of Java programming is needed, while a basic understanding of statistics will be useful but not mandatory.

Hands-On Deep Learning for Images with TensorFlow - Build intelligent computer vision applications using TensorFlow and Keras... Hands-On Deep Learning for Images with TensorFlow - Build intelligent computer vision applications using TensorFlow and Keras (Paperback)
Will Ballard
R711 Discovery Miles 7 110 Ships in 10 - 15 working days

Explore TensorFlow's capabilities to perform efficient deep learning on images Key Features Discover image processing for machine vision Build an effective image classification system using the power of CNNs Leverage TensorFlow's capabilities to perform efficient deep learning Book DescriptionTensorFlow is Google's popular offering for machine learning and deep learning, quickly becoming a favorite tool for performing fast, efficient, and accurate deep learning tasks. Hands-On Deep Learning for Images with TensorFlow shows you the practical implementations of real-world projects, teaching you how to leverage TensorFlow's capabilities to perform efficient image processing using the power of deep learning. With the help of this book, you will get to grips with the different paradigms of performing deep learning such as deep neural nets and convolutional neural networks, followed by understanding how they can be implemented using TensorFlow. By the end of this book, you will have mastered all the concepts of deep learning and their implementation with TensorFlow and Keras. What you will learn Build machine learning models particularly focused on the MNIST digits Work with Docker and Keras to build an image classifier Understand natural language models to process text and images Prepare your dataset for machine learning Create classical, convolutional, and deep neural networks Create a RESTful image classification server Who this book is forHands-On Deep Learning for Images with TensorFlow is for you if you are an application developer, data scientist, or machine learning practitioner looking to integrate machine learning into application software and master deep learning by implementing practical projects in TensorFlow. Knowledge of Python programming and basics of deep learning are required to get the best out of this book.

Free Delivery
Pinterest Twitter Facebook Google+
You may like...
Art and Science of Java, The - Pearson…
Eric Roberts Paperback R2,180 Discovery Miles 21 800
JavaScript for Sound Artists - Learn to…
William Turner, Steve Leonard Paperback R1,523 Discovery Miles 15 230
New Perspectives Microsoft (R)Office 365…
Mark Shellman, Sasha Vodnik Paperback R1,473 R1,365 Discovery Miles 13 650
Mastering Access 365 - An Easy Guide to…
Nathan George Hardcover R1,004 Discovery Miles 10 040
Artificial Intelligence Technologies and…
Tomayess Issa, Pedro Isaias Hardcover R6,178 Discovery Miles 61 780
Trends, Applications, and Challenges of…
Mohammad Amin Kuhail, Bayan Abu Shawar, … Hardcover R7,249 Discovery Miles 72 490
SQL Programming: Java Script and Coding…
Os Swift Hardcover R852 Discovery Miles 8 520
Modeling Semantic Web Services - The Web…
Jos De Bruijn, Mick Kerrigan, … Hardcover R1,527 Discovery Miles 15 270
Fundamentals of Relational Database…
S. Sumathi, S. Esakkirajan Hardcover R5,758 Discovery Miles 57 580
Designing Embedded Internet Devices
Brian DeMuth, Dan Eisenreich Paperback R1,622 Discovery Miles 16 220

 

Partners