0
Your cart

Your cart is empty

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

Books > Computing & IT > Applications of computing > Artificial intelligence > Natural language & machine translation

Machine Learning - Master Machine Learning Fundamentals for Beginners, Business Leaders and Aspiring Data Scientists... Machine Learning - Master Machine Learning Fundamentals for Beginners, Business Leaders and Aspiring Data Scientists (Paperback)
M G Martin
R449 Discovery Miles 4 490 Ships in 10 - 15 working days
Python Machine Learning Blueprints - Put your machine learning concepts to the test by developing real-world smart projects,... Python Machine Learning Blueprints - Put your machine learning concepts to the test by developing real-world smart projects, 2nd Edition (Paperback, 2nd Revised edition)
Alexander Combs, Michael Roman
R1,144 Discovery Miles 11 440 Ships in 10 - 15 working days

Discover a project-based approach to mastering machine learning concepts by applying them to everyday problems using libraries such as scikit-learn, TensorFlow, and Keras Key Features Get to grips with Python's machine learning libraries including scikit-learn, TensorFlow, and Keras Implement advanced concepts and popular machine learning algorithms in real-world projects Build analytics, computer vision, and neural network projects Book DescriptionMachine learning is transforming the way we understand and interact with the world around us. This book is the perfect guide for you to put your knowledge and skills into practice and use the Python ecosystem to cover key domains in machine learning. This second edition covers a range of libraries from the Python ecosystem, including TensorFlow and Keras, to help you implement real-world machine learning projects. The book begins by giving you an overview of machine learning with Python. With the help of complex datasets and optimized techniques, you'll go on to understand how to apply advanced concepts and popular machine learning algorithms to real-world projects. Next, you'll cover projects from domains such as predictive analytics to analyze the stock market and recommendation systems for GitHub repositories. In addition to this, you'll also work on projects from the NLP domain to create a custom news feed using frameworks such as scikit-learn, TensorFlow, and Keras. Following this, you'll learn how to build an advanced chatbot, and scale things up using PySpark. In the concluding chapters, you can look forward to exciting insights into deep learning and you'll even create an application using computer vision and neural networks. By the end of this book, you'll be able to analyze data seamlessly and make a powerful impact through your projects. What you will learn Understand the Python data science stack and commonly used algorithms Build a model to forecast the performance of an Initial Public Offering (IPO) over an initial discrete trading window Understand NLP concepts by creating a custom news feed Create applications that will recommend GitHub repositories based on ones you've starred, watched, or forked Gain the skills to build a chatbot from scratch using PySpark Develop a market-prediction app using stock data Delve into advanced concepts such as computer vision, neural networks, and deep learning Who this book is forThis book is for machine learning practitioners, data scientists, and deep learning enthusiasts who want to take their machine learning skills to the next level by building real-world projects. The intermediate-level guide will help you to implement libraries from the Python ecosystem to build a variety of projects addressing various machine learning domains. Knowledge of Python programming and machine learning concepts will be helpful.

Machine Learning - A Comprehensive, Step-By-Step Guide To Learning And Understanding Machine Learning From Beginners,... Machine Learning - A Comprehensive, Step-By-Step Guide To Learning And Understanding Machine Learning From Beginners, Intermediate, Advanced, To Expert Concepts and Techniques (Paperback)
Peter Bradley
R777 Discovery Miles 7 770 Ships in 10 - 15 working days
Hands-On Artificial Intelligence for IoT - Expert machine learning and deep learning techniques for developing smarter IoT... Hands-On Artificial Intelligence for IoT - Expert machine learning and deep learning techniques for developing smarter IoT systems (Paperback)
Amita Kapoor
R1,376 Discovery Miles 13 760 Ships in 10 - 15 working days

Build smarter systems by combining artificial intelligence and the Internet of Things-two of the most talked about topics today Key Features Leverage the power of Python libraries such as TensorFlow and Keras to work with real-time IoT data Process IoT data and predict outcomes in real time to build smart IoT models Cover practical case studies on industrial IoT, smart cities, and home automation Book DescriptionThere are many applications that use data science and analytics to gain insights from terabytes of data. These apps, however, do not address the challenge of continually discovering patterns for IoT data. In Hands-On Artificial Intelligence for IoT, we cover various aspects of artificial intelligence (AI) and its implementation to make your IoT solutions smarter. This book starts by covering the process of gathering and preprocessing IoT data gathered from distributed sources. You will learn different AI techniques such as machine learning, deep learning, reinforcement learning, and natural language processing to build smart IoT systems. You will also leverage the power of AI to handle real-time data coming from wearable devices. As you progress through the book, techniques for building models that work with different kinds of data generated and consumed by IoT devices such as time series, images, and audio will be covered. Useful case studies on four major application areas of IoT solutions are a key focal point of this book. In the concluding chapters, you will leverage the power of widely used Python libraries, TensorFlow and Keras, to build different kinds of smart AI models. By the end of this book, you will be able to build smart AI-powered IoT apps with confidence. What you will learn Apply different AI techniques including machine learning and deep learning using TensorFlow and Keras Access and process data from various distributed sources Perform supervised and unsupervised machine learning for IoT data Implement distributed processing of IoT data over Apache Spark using the MLLib and H2O.ai platforms Forecast time-series data using deep learning methods Implementing AI from case studies in Personal IoT, Industrial IoT, and Smart Cities Gain unique insights from data obtained from wearable devices and smart devices Who this book is forIf you are a data science professional or a machine learning developer looking to build smart systems for IoT, Hands-On Artificial Intelligence for IoT is for you. If you want to learn how popular artificial intelligence (AI) techniques can be used in the Internet of Things domain, this book will also be of benefit. A basic understanding of machine learning concepts will be required to get the best out of this book.

Natural Language Processing - A Quick Introduction to NLP with Python and NLTK (Paperback): Samuel Burns Natural Language Processing - A Quick Introduction to NLP with Python and NLTK (Paperback)
Samuel Burns
R350 Discovery Miles 3 500 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,206 Discovery Miles 12 060 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.

JavaScript - JavaScript Programming Made Easy for Beginners & Intermediates (Step By Step With Hands On Projects) (Paperback):... JavaScript - JavaScript Programming Made Easy for Beginners & Intermediates (Step By Step With Hands On Projects) (Paperback)
Berg Craig
R362 R301 Discovery Miles 3 010 Save R61 (17%) Ships in 10 - 15 working days
Artificially Poetic (Paperback): Lorem Ipsum Artificially Poetic (Paperback)
Lorem Ipsum
R279 Discovery Miles 2 790 Ships in 10 - 15 working days
Law as Data - Computation, Text, & the Future of Legal Analysis (Hardcover): Michael A. Livermore, Daniel N. Rockmore Law as Data - Computation, Text, & the Future of Legal Analysis (Hardcover)
Michael A. Livermore, Daniel N. Rockmore
R785 Discovery Miles 7 850 Ships in 12 - 17 working days
Mastering Predictive Analytics with scikit-learn and TensorFlow - Implement machine learning techniques to build advanced... Mastering Predictive Analytics with scikit-learn and TensorFlow - Implement machine learning techniques to build advanced predictive models using Python (Paperback)
Alvaro Fuentes
R761 Discovery Miles 7 610 Ships in 10 - 15 working days

Learn advanced techniques to improve the performance and quality of your predictive models Key Features Use ensemble methods to improve the performance of predictive analytics models Implement feature selection, dimensionality reduction, and cross-validation techniques Develop neural network models and master the basics of deep learning Book DescriptionPython is a programming language that provides a wide range of features that can be used in the field of data science. Mastering Predictive Analytics with scikit-learn and TensorFlow covers various implementations of ensemble methods, how they are used with real-world datasets, and how they improve prediction accuracy in classification and regression problems. This book starts with ensemble methods and their features. You will see that scikit-learn provides tools for choosing hyperparameters for models. As you make your way through the book, you will cover the nitty-gritty of predictive analytics and explore its features and characteristics. You will also be introduced to artificial neural networks and TensorFlow, and how it is used to create neural networks. In the final chapter, you will explore factors such as computational power, along with improvement methods and software enhancements for efficient predictive analytics. By the end of this book, you will be well-versed in using deep neural networks to solve common problems in big data analysis. What you will learn Use ensemble algorithms to obtain accurate predictions Apply dimensionality reduction techniques to combine features and build better models Choose the optimal hyperparameters using cross-validation Implement different techniques to solve current challenges in the predictive analytics domain Understand various elements of deep neural network (DNN) models Implement neural networks to solve both classification and regression problems Who this book is forMastering Predictive Analytics with scikit-learn and TensorFlow is for data analysts, software engineers, and machine learning developers who are interested in implementing advanced predictive analytics using Python. Business intelligence experts will also find this book indispensable as it will teach them how to progress from basic predictive models to building advanced models and producing more accurate predictions. Prior knowledge of Python and familiarity with predictive analytics concepts are assumed.

Conversational UX Design - A Practitioner's Guide to the Natural Conversation Framework (Paperback): Robert J. Moore,... Conversational UX Design - A Practitioner's Guide to the Natural Conversation Framework (Paperback)
Robert J. Moore, Raphael Arar
R1,883 Discovery Miles 18 830 Ships in 10 - 15 working days

With recent advances in natural language understanding techniques and far-field microphone arrays, natural language interfaces, such as voice assistants and chatbots, are emerging as a popular new way to interact with computers. They have made their way out of the industry research labs and into the pockets, desktops, cars and living rooms of the general public. But although such interfaces recognize bits of natural language, and even voice input, they generally lack conversational competence, or the ability to engage in natural conversation. Today's platforms provide sophisticated tools for analyzing language and retrieving knowledge, but they fail to provide adequate support for modeling interaction. The user experience (UX) designer or software developer must figure out how a human conversation is organized, usually relying on commonsense rather than on formal knowledge. Fortunately, practitioners can rely on conversation science. This book adapts formal knowledge from the field of Conversation Analysis (CA) to the design of natural language interfaces. It outlines the Natural Conversation Framework (NCF), developed at IBM Research, a systematic framework for designing interfaces that work like natural conversation. The NCF consists of four main components: 1) an interaction model of "expandable sequences," 2) a corresponding content format, 3) a pattern language with 100 generic UX patterns and 4) a navigation method of six basic user actions. The authors introduce UX designers to a new way of thinking about user experience design in the context of conversational interfaces, including a new vocabulary, new principles and new interaction patterns. User experience designers and graduate students in the HCI field as well as developers and conversation analysis students should find this book of interest.

IBM Watson Projects - Eight exciting projects that put artificial intelligence into practice for optimal business performance... IBM Watson Projects - Eight exciting projects that put artificial intelligence into practice for optimal business performance (Paperback)
James Miller
R1,144 Discovery Miles 11 440 Ships in 10 - 15 working days

Incorporate intelligence to your data-driven business insights and high accuracy business solutions Key Features Explore IBM Watson capabilities such as Natural Language Processing (NLP) and machine learning Build projects to adopt IBM Watson across retail, banking, and healthcare Learn forecasting, anomaly detection, and pattern recognition with ML techniques Book DescriptionIBM Watson provides fast, intelligent insight in ways that the human brain simply can't match. Through eight varied projects, this book will help you explore the computing and analytical capabilities of IBM Watson. The book begins by refreshing your knowledge of IBM Watson's basic data preparation capabilities, such as adding and exploring data to prepare it for being applied to models. The projects covered in this book can be developed for different industries, including banking, healthcare, media, and security. These projects will enable you to develop an AI mindset and guide you in developing smart data-driven projects, including automating supply chains, analyzing sentiment in social media datasets, and developing personalized recommendations. By the end of this book, you'll have learned how to develop solutions for process automation, and you'll be able to make better data-driven decisions to deliver an excellent customer experience. What you will learn Build a smart dialog system with cognitive assistance solutions Design a text categorization model and perform sentiment analysis on social media datasets Develop a pattern recognition application and identify data irregularities smartly Analyze trip logs from a driving services company to determine profit Provide insights into an organization's supply chain data and processes Create personalized recommendations for retail chains and outlets Test forecasting effectiveness for better sales prediction strategies Who this book is forThis book is for data scientists, AI engineers, NLP engineers, machine learning engineers, and data analysts who wish to build next-generation analytics applications. Basic familiarity with cognitive computing and sound knowledge of any programming language is all you need to understand the projects covered in this book.

Hands-On Markov Models with Python - Implement probabilistic models for learning complex data sequences using the Python... Hands-On Markov Models with Python - Implement probabilistic models for learning complex data sequences using the Python ecosystem (Paperback)
Ankur Ankan, Abinash Panda
R931 Discovery Miles 9 310 Ships in 10 - 15 working days

Unleash the power of unsupervised machine learning in Hidden Markov Models using TensorFlow, pgmpy, and hmmlearn Key Features Build a variety of Hidden Markov Models (HMM) Create and apply models to any sequence of data to analyze, predict, and extract valuable insights Use natural language processing (NLP) techniques and 2D-HMM model for image segmentation Book DescriptionHidden Markov Model (HMM) is a statistical model based on the Markov chain concept. Hands-On Markov Models with Python helps you get to grips with HMMs and different inference algorithms by working on real-world problems. The hands-on examples explored in the book help you simplify the process flow in machine learning by using Markov model concepts, thereby making it accessible to everyone. Once you've covered the basic concepts of Markov chains, you'll get insights into Markov processes, models, and types with the help of practical examples. After grasping these fundamentals, you'll move on to learning about the different algorithms used in inferences and applying them in state and parameter inference. In addition to this, you'll explore the Bayesian approach of inference and learn how to apply it in HMMs. In further chapters, you'll discover how to use HMMs in time series analysis and natural language processing (NLP) using Python. You'll also learn to apply HMM to image processing using 2D-HMM to segment images. Finally, you'll understand how to apply HMM for reinforcement learning (RL) with the help of Q-Learning, and use this technique for single-stock and multi-stock algorithmic trading. By the end of this book, you will have grasped how to build your own Markov and hidden Markov models on complex datasets in order to apply them to projects. What you will learn Explore a balance of both theoretical and practical aspects of HMM Implement HMMs using different datasets in Python using different packages Understand multiple inference algorithms and how to select the right algorithm to resolve your problems Develop a Bayesian approach to inference in HMMs Implement HMMs in finance, natural language processing (NLP), and image processing Determine the most likely sequence of hidden states in an HMM using the Viterbi algorithm Who this book is forHands-On Markov Models with Python is for you if you are a data analyst, data scientist, or machine learning developer and want to enhance your machine learning knowledge and skills. This book will also help you build your own hidden Markov models by applying them to any sequence of data. Basic knowledge of machine learning and the Python programming language is expected to get the most out of the book

The Singularity - Building a Better Future (Paperback): Nishanth Mudkey The Singularity - Building a Better Future (Paperback)
Nishanth Mudkey
R1,157 R924 Discovery Miles 9 240 Save R233 (20%) Ships in 10 - 15 working days
Natural Language Processing with Java Cookbook - Over 70 recipes to create linguistic and language translation applications... Natural Language Processing with Java Cookbook - Over 70 recipes to create linguistic and language translation applications using Java libraries (Paperback)
Richard M Reese
R1,138 Discovery Miles 11 380 Ships in 10 - 15 working days

A problem-solution guide to encounter various NLP tasks utilizing Java open source libraries and cloud-based solutions Key Features Perform simple-to-complex NLP text processing tasks using modern Java libraries Extract relationships between different text complexities using a problem-solution approach Utilize cloud-based APIs to perform machine translation operations Book DescriptionNatural Language Processing (NLP) has become one of the prime technologies for processing very large amounts of unstructured data from disparate information sources. This book includes a wide set of recipes and quick methods that solve challenges in text syntax, semantics, and speech tasks. At the beginning of the book, you'll learn important NLP techniques, such as identifying parts of speech, tagging words, and analyzing word semantics. You will learn how to perform lexical analysis and use machine learning techniques to speed up NLP operations. With independent recipes, you will explore techniques for customizing your existing NLP engines/models using Java libraries such as OpenNLP and the Stanford NLP library. You will also learn how to use NLP processing features from cloud-based sources, including Google and Amazon's AWS. You will master core tasks, such as stemming, lemmatization, part-of-speech tagging, and named entity recognition. You will also learn about sentiment analysis, semantic text similarity, language identification, machine translation, and text summarization. By the end of this book, you will be ready to become a professional NLP expert using a problem-solution approach to analyze any sort of text, sentences, or semantic words. What you will learn Explore how to use tokenizers in NLP processing Implement NLP techniques in machine learning and deep learning applications Identify sentences within the text and learn how to train specialized NER models Learn how to classify documents and perform sentiment analysis Find semantic similarities between text elements and extract text from a variety of sources Preprocess text from a variety of data sources Learn how to identify and translate languages Who this book is forThis book is for data scientists, NLP engineers, and machine learning developers who want to perform their work on linguistic applications faster with the use of popular libraries on JVM machines. This book will help you build real-world NLP applications using a recipe-based approach. Prior knowledge of Natural Language Processing basics and Java programming is expected.

R Deep Learning Essentials - A step-by-step guide to building deep learning models using TensorFlow, Keras, and MXNet, 2nd... R Deep Learning Essentials - A step-by-step guide to building deep learning models using TensorFlow, Keras, and MXNet, 2nd Edition (Paperback, 2nd Revised edition)
Mark Hodnett, Joshua F. Wiley
R1,143 Discovery Miles 11 430 Ships in 10 - 15 working days

Implement neural network models in R 3.5 using TensorFlow, Keras, and MXNet Key Features Use R 3.5 for building deep learning models for computer vision and text Apply deep learning techniques in cloud for large-scale processing Build, train, and optimize neural network models on a range of datasets Book DescriptionDeep learning is a powerful subset of machine learning that is very successful in domains such as computer vision and natural language processing (NLP). This second edition of R Deep Learning Essentials will open the gates for you to enter the world of neural networks by building powerful deep learning models using the R ecosystem. This book will introduce you to the basic principles of deep learning and teach you to build a neural network model from scratch. As you make your way through the book, you will explore deep learning libraries, such as Keras, MXNet, and TensorFlow, and create interesting deep learning models for a variety of tasks and problems, including structured data, computer vision, text data, anomaly detection, and recommendation systems. You'll cover advanced topics, such as generative adversarial networks (GANs), transfer learning, and large-scale deep learning in the cloud. In the concluding chapters, you will learn about the theoretical concepts of deep learning projects, such as model optimization, overfitting, and data augmentation, together with other advanced topics. By the end of this book, you will be fully prepared and able to implement deep learning concepts in your research work or projects. What you will learn Build shallow neural network prediction models Prevent models from overfitting the data to improve generalizability Explore techniques for finding the best hyperparameters for deep learning models Create NLP models using Keras and TensorFlow in R Use deep learning for computer vision tasks Implement deep learning tasks, such as NLP, recommendation systems, and autoencoders Who this book is forThis second edition of R Deep Learning Essentials is for aspiring data scientists, data analysts, machine learning developers, and deep learning enthusiasts who are well versed in machine learning concepts and are looking to explore the deep learning paradigm using R. Fundamental understanding of the R language is necessary to get the most out of this book.

Julia High Performance - Optimizations, distributed computing, multithreading, and GPU programming with Julia 1.0 and beyond,... Julia High Performance - Optimizations, distributed computing, multithreading, and GPU programming with Julia 1.0 and beyond, 2nd Edition (Paperback, 2nd Revised edition)
Avik Sengupta; Foreword by Alan Edelman
R846 Discovery Miles 8 460 Ships in 10 - 15 working days

Design and develop high-performance programs in Julia 1.0 Key Features Learn the characteristics of high-performance Julia code Use the power of the GPU to write efficient numerical code Speed up your computation with the help of newly introduced shared memory multi-threading in Julia 1.0 Book DescriptionJulia is a high-level, high-performance dynamic programming language for numerical computing. If you want to understand how to avoid bottlenecks and design your programs for the highest possible performance, then this book is for you. The book starts with how Julia uses type information to achieve its performance goals, and how to use multiple dispatches to help the compiler emit high-performance machine code. After that, you will learn how to analyze Julia programs and identify issues with time and memory consumption. We teach you how to use Julia's typing facilities accurately to write high-performance code and describe how the Julia compiler uses type information to create fast machine code. Moving ahead, you'll master design constraints and learn how to use the power of the GPU in your Julia code and compile Julia code directly to the GPU. Then, you'll learn how tasks and asynchronous IO help you create responsive programs and how to use shared memory multithreading in Julia. Toward the end, you will get a flavor of Julia's distributed computing capabilities and how to run Julia programs on a large distributed cluster. By the end of this book, you will have the ability to build large-scale, high-performance Julia applications, design systems with a focus on speed, and improve the performance of existing programs. What you will learn Understand how Julia code is transformed into machine code Measure the time and memory taken by Julia programs Create fast machine code using Julia's type information Define and call functions without compromising Julia's performance Accelerate your code via the GPU Use tasks and asynchronous IO for responsive programs Run Julia programs on large distributed clusters Who this book is forThis book is for beginners and intermediate Julia programmers who are interested in high-performance technical programming. A basic knowledge of Julia programming is assumed.

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,038 Discovery Miles 10 380 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.

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,115 Discovery Miles 11 150 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 Natural Language Processing with Python - A practical guide to applying deep learning architectures to your NLP... Hands-On Natural Language Processing with Python - A practical guide to applying deep learning architectures to your NLP applications (Paperback)
Rajesh Arumugam, Rajalingappaa shanmugamani
R1,118 Discovery Miles 11 180 Ships in 10 - 15 working days

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

The Universal Language (Paperback): Nicky Gluch The Universal Language (Paperback)
Nicky Gluch
R518 Discovery Miles 5 180 Ships in 10 - 15 working days
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,126 Discovery Miles 11 260 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

Verstellungen in Inkriminierten Schreiben - Eine Linguistische Analyse Verstellten Sprachverhaltens in Erpresserschreiben Und... Verstellungen in Inkriminierten Schreiben - Eine Linguistische Analyse Verstellten Sprachverhaltens in Erpresserschreiben Und Anderen Inkriminierten Texten (German, Paperback, 1. Aufl. 2013, Nachdruck 2019 ed.)
Stefanie Bredthauer
R1,071 R958 Discovery Miles 9 580 Save R113 (11%) Ships in 12 - 17 working days
Python Machine Learning - A Deep Dive Into Python Machine Learning and Deep Learning, Using Tensor Flow and Keras: From... Python Machine Learning - A Deep Dive Into Python Machine Learning and Deep Learning, Using Tensor Flow and Keras: From Beginner to Advance (Paperback)
Leonard Eddison
R247 Discovery Miles 2 470 Ships in 10 - 15 working days
Machine Learning for Healthcare Analytics Projects - Build smart AI applications using neural network methodologies across the... Machine Learning for Healthcare Analytics Projects - Build smart AI applications using neural network methodologies across the healthcare vertical market (Paperback)
Eduonix Learning Solutions
R630 Discovery Miles 6 300 Ships in 10 - 15 working days

Create real-world machine learning solutions using NumPy, pandas, matplotlib, and scikit-learn Key Features Develop a range of healthcare analytics projects using real-world datasets Implement key machine learning algorithms using a range of libraries from the Python ecosystem Accomplish intermediate-to-complex tasks by building smart AI applications using neural network methodologies Book DescriptionMachine Learning (ML) has changed the way organizations and individuals use data to improve the efficiency of a system. ML algorithms allow strategists to deal with a variety of structured, unstructured, and semi-structured data. Machine Learning for Healthcare Analytics Projects is packed with new approaches and methodologies for creating powerful solutions for healthcare analytics. This book will teach you how to implement key machine learning algorithms and walk you through their use cases by employing a range of libraries from the Python ecosystem. You will build five end-to-end projects to evaluate the efficiency of Artificial Intelligence (AI) applications for carrying out simple-to-complex healthcare analytics tasks. With each project, you will gain new insights, which will then help you handle healthcare data efficiently. As you make your way through the book, you will use ML to detect cancer in a set of patients using support vector machines (SVMs) and k-Nearest neighbors (KNN) models. In the final chapters, you will create a deep neural network in Keras to predict the onset of diabetes in a huge dataset of patients. You will also learn how to predict heart diseases using neural networks. By the end of this book, you will have learned how to address long-standing challenges, provide specialized solutions for how to deal with them, and carry out a range of cognitive tasks in the healthcare domain. What you will learn Explore super imaging and natural language processing (NLP) to classify DNA sequencing Detect cancer based on the cell information provided to the SVM Apply supervised learning techniques to diagnose autism spectrum disorder (ASD) Implement a deep learning grid and deep neural networks for detecting diabetes Analyze data from blood pressure, heart rate, and cholesterol level tests using neural networks Use ML algorithms to detect autistic disorders Who this book is forMachine Learning for Healthcare Analytics Projects is for data scientists, machine learning engineers, and healthcare professionals who want to implement machine learning algorithms to build smart AI applications. Basic knowledge of Python or any programming language is expected to get the most from this book.

Free Delivery
Pinterest Twitter Facebook Google+
You may like...
Machine Learning Methods for Stylometry…
Jacques Savoy Hardcover R4,049 Discovery Miles 40 490
Foundation Models for Natural Language…
Gerhard PaaƟ, Sven Giesselbach Hardcover R1,325 R880 Discovery Miles 8 800
Deep Natural Language Processing and AI…
Poonam Tanwar, Arti Saxena, … Hardcover R7,022 Discovery Miles 70 220
Artificial Intelligence Unleashed - The…
Ryan Baumgartner Hardcover R606 R506 Discovery Miles 5 060
AI Art - Poetry - A Style Transfer Photo…
Shane Neeley Hardcover R1,264 Discovery Miles 12 640
Python Programming for Computations…
Computer Language Hardcover R1,216 R984 Discovery Miles 9 840
The Business Case for AI - A Leader's…
Kavita Ganesan Hardcover R998 R824 Discovery Miles 8 240
Human Information Processing in Speech…
Stefan Uhrig Hardcover R2,557 Discovery Miles 25 570
Annotation, Exploitation and Evaluation…
Silvia Hansen-Schirra, Sambor Grucza Hardcover R951 Discovery Miles 9 510
Modern Computational Models of Semantic…
Jan Ika, Frantii?1/2ek Da?Ena Hardcover R5,667 Discovery Miles 56 670

 

Partners