0
Your cart

Your cart is empty

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

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

Modern Computer Vision with PyTorch - Explore deep learning concepts and implement over 50 real-world image applications... Modern Computer Vision with PyTorch - Explore deep learning concepts and implement over 50 real-world image applications (Paperback)
V Kishore Ayyadevara, Yeshwanth Reddy
R1,682 Discovery Miles 16 820 Ships in 18 - 22 working days

Get to grips with deep learning techniques for building image processing applications using PyTorch with the help of code notebooks and test questions Key Features Implement solutions to 50 real-world computer vision applications using PyTorch Understand the theory and working mechanisms of neural network architectures and their implementation Discover best practices using a custom library created especially for this book Book DescriptionDeep learning is the driving force behind many recent advances in various computer vision (CV) applications. This book takes a hands-on approach to help you to solve over 50 CV problems using PyTorch1.x on real-world datasets. You'll start by building a neural network (NN) from scratch using NumPy and PyTorch and discover best practices for tweaking its hyperparameters. You'll then perform image classification using convolutional neural networks and transfer learning and understand how they work. As you progress, you'll implement multiple use cases of 2D and 3D multi-object detection, segmentation, human-pose-estimation by learning about the R-CNN family, SSD, YOLO, U-Net architectures, and the Detectron2 platform. The book will also guide you in performing facial expression swapping, generating new faces, and manipulating facial expressions as you explore autoencoders and modern generative adversarial networks. You'll learn how to combine CV with NLP techniques, such as LSTM and transformer, and RL techniques, such as Deep Q-learning, to implement OCR, image captioning, object detection, and a self-driving car agent. Finally, you'll move your NN model to production on the AWS Cloud. By the end of this book, you'll be able to leverage modern NN architectures to solve over 50 real-world CV problems confidently. What you will learn Train a NN from scratch with NumPy and PyTorch Implement 2D and 3D multi-object detection and segmentation Generate digits and DeepFakes with autoencoders and advanced GANs Manipulate images using CycleGAN, Pix2PixGAN, StyleGAN2, and SRGAN Combine CV with NLP to perform OCR, image captioning, and object detection Combine CV with reinforcement learning to build agents that play pong and self-drive a car Deploy a deep learning model on the AWS server using FastAPI and Docker Implement over 35 NN architectures and common OpenCV utilities Who this book is forThis book is for beginners to PyTorch and intermediate-level machine learning practitioners who are looking to get well-versed with computer vision techniques using deep learning and PyTorch. If you are just getting started with neural networks, you'll find the use cases accompanied by notebooks in GitHub present in this book useful. Basic knowledge of the Python programming language and machine learning is all you need to get started with this book.

Artificial Intelligence with Python Cookbook - Proven recipes for applying AI algorithms and deep learning techniques using... Artificial Intelligence with Python Cookbook - Proven recipes for applying AI algorithms and deep learning techniques using TensorFlow 2.x and PyTorch 1.6 (Paperback)
Ben Auffarth
R1,124 Discovery Miles 11 240 Ships in 18 - 22 working days

Work through practical recipes to learn how to solve complex machine learning and deep learning problems using Python Key Features Get up and running with artificial intelligence in no time using hands-on problem-solving recipes Explore popular Python libraries and tools to build AI solutions for images, text, sounds, and images Implement NLP, reinforcement learning, deep learning, GANs, Monte-Carlo tree search, and much more Book DescriptionArtificial intelligence (AI) plays an integral role in automating problem-solving. This involves predicting and classifying data and training agents to execute tasks successfully. This book will teach you how to solve complex problems with the help of independent and insightful recipes ranging from the essentials to advanced methods that have just come out of research. Artificial Intelligence with Python Cookbook starts by showing you how to set up your Python environment and taking you through the fundamentals of data exploration. Moving ahead, you'll be able to implement heuristic search techniques and genetic algorithms. In addition to this, you'll apply probabilistic models, constraint optimization, and reinforcement learning. As you advance through the book, you'll build deep learning models for text, images, video, and audio, and then delve into algorithmic bias, style transfer, music generation, and AI use cases in the healthcare and insurance industries. Throughout the book, you'll learn about a variety of tools for problem-solving and gain the knowledge needed to effectively approach complex problems. By the end of this book on AI, you will have the skills you need to write AI and machine learning algorithms, test them, and deploy them for production. What you will learn Implement data preprocessing steps and optimize model hyperparameters Delve into representational learning with adversarial autoencoders Use active learning, recommenders, knowledge embedding, and SAT solvers Get to grips with probabilistic modeling with TensorFlow probability Run object detection, text-to-speech conversion, and text and music generation Apply swarm algorithms, multi-agent systems, and graph networks Go from proof of concept to production by deploying models as microservices Understand how to use modern AI in practice Who this book is forThis AI machine learning book is for Python developers, data scientists, machine learning engineers, and deep learning practitioners who want to learn how to build artificial intelligence solutions with easy-to-follow recipes. You'll also find this book useful if you're looking for state-of-the-art solutions to perform different machine learning tasks in various use cases. Basic working knowledge of the Python programming language and machine learning concepts will help you to work with code effectively in this book.

Deep Learning with Python - A Comprehensive Guide for Experts (Paperback): Travis Booth Deep Learning with Python - A Comprehensive Guide for Experts (Paperback)
Travis Booth
R501 Discovery Miles 5 010 Ships in 18 - 22 working days
Introduction to Deep Learning - with complete Python and TensorFlow examples (Paperback): Juergen Brauer Introduction to Deep Learning - with complete Python and TensorFlow examples (Paperback)
Juergen Brauer
R1,258 Discovery Miles 12 580 Ships in 18 - 22 working days
Applications of Artificial Intelligence for Smart Technology (Paperback): P. Swarnalatha, S Prabu Applications of Artificial Intelligence for Smart Technology (Paperback)
P. Swarnalatha, S Prabu
R4,617 Discovery Miles 46 170 Ships in 18 - 22 working days

As global communities are attempting to transform into more efficient and technologically-advanced metropolises, artificial intelligence (AI) has taken a firm grasp on various professional fields. Technology used in these industries is transforming by introducing intelligent techniques including machine learning, cognitive computing, and computer vision. This has raised significant attention among researchers and practitioners on the specific impact that these smart technologies have and what challenges remain. Applications of Artificial Intelligence for Smart Technology is a pivotal reference source that provides vital research on the implementation of advanced technological techniques in professional industries through the use of AI. While highlighting topics such as pattern recognition, computational imaging, and machine learning, this publication explores challenges that various fields currently face when applying these technologies and examines the future uses of AI. This book is ideally designed for researchers, developers, managers, academicians, analysts, students, and practitioners seeking current research on the involvement of AI in professional practices.

Hands-On Image Generation with TensorFlow - A practical guide to generating images and videos using deep learning (Paperback):... Hands-On Image Generation with TensorFlow - A practical guide to generating images and videos using deep learning (Paperback)
Soon Yau Cheong
R1,223 Discovery Miles 12 230 Ships in 18 - 22 working days

Implement various state-of-the-art architectures, such as GANs and autoencoders, for image generation using TensorFlow 2.x from scratch Key Features Understand the different architectures for image generation, including autoencoders and GANs Build models that can edit an image of your face, turn photos into paintings, and generate photorealistic images Discover how you can build deep neural networks with advanced TensorFlow 2.x features Book DescriptionThe emerging field of Generative Adversarial Networks (GANs) has made it possible to generate indistinguishable images from existing datasets. With this hands-on book, you'll not only develop image generation skills but also gain a solid understanding of the underlying principles. Starting with an introduction to the fundamentals of image generation using TensorFlow, this book covers Variational Autoencoders (VAEs) and GANs. You'll discover how to build models for different applications as you get to grips with performing face swaps using deepfakes, neural style transfer, image-to-image translation, turning simple images into photorealistic images, and much more. You'll also understand how and why to construct state-of-the-art deep neural networks using advanced techniques such as spectral normalization and self-attention layer before working with advanced models for face generation and editing. You'll also be introduced to photo restoration, text-to-image synthesis, video retargeting, and neural rendering. Throughout the book, you'll learn to implement models from scratch in TensorFlow 2.x, including PixelCNN, VAE, DCGAN, WGAN, pix2pix, CycleGAN, StyleGAN, GauGAN, and BigGAN. By the end of this book, you'll be well versed in TensorFlow and be able to implement image generative technologies confidently. What you will learn Train on face datasets and use them to explore latent spaces for editing new faces Get to grips with swapping faces with deepfakes Perform style transfer to convert a photo into a painting Build and train pix2pix, CycleGAN, and BicycleGAN for image-to-image translation Use iGAN to understand manifold interpolation and GauGAN to turn simple images into photorealistic images Become well versed in attention generative models such as SAGAN and BigGAN Generate high-resolution photos with Progressive GAN and StyleGAN Who this book is forThe Hands-On Image Generation with TensorFlow book is for deep learning engineers, practitioners, and researchers who have basic knowledge of convolutional neural networks and want to learn various image generation techniques using TensorFlow 2.x. You'll also find this book useful if you are an image processing professional or computer vision engineer looking to explore state-of-the-art architectures to improve and enhance images and videos. Knowledge of Python and TensorFlow will help you to get the best out of this book.

Data Driven Dealings Development - Analysing, Predicting, and Recommending sales items per customer using Machine Learning... Data Driven Dealings Development - Analysing, Predicting, and Recommending sales items per customer using Machine Learning Models with Python. (Paperback)
Jesko Rehberg
R342 Discovery Miles 3 420 Ships in 18 - 22 working days
Mastering Reinforcement Learning with Python - Build next-generation, self-learning models using reinforcement learning... Mastering Reinforcement Learning with Python - Build next-generation, self-learning models using reinforcement learning techniques and best practices (Paperback)
Enes Bilgin
R1,248 Discovery Miles 12 480 Ships in 18 - 22 working days

Get hands-on experience in creating state-of-the-art reinforcement learning agents using TensorFlow and RLlib to solve complex real-world business and industry problems with the help of expert tips and best practices Key Features Understand how large-scale state-of-the-art RL algorithms and approaches work Apply RL to solve complex problems in marketing, robotics, supply chain, finance, cybersecurity, and more Explore tips and best practices from experts that will enable you to overcome real-world RL challenges Book DescriptionReinforcement learning (RL) is a field of artificial intelligence (AI) used for creating self-learning autonomous agents. Building on a strong theoretical foundation, this book takes a practical approach and uses examples inspired by real-world industry problems to teach you about state-of-the-art RL. Starting with bandit problems, Markov decision processes, and dynamic programming, the book provides an in-depth review of the classical RL techniques, such as Monte Carlo methods and temporal-difference learning. After that, you will learn about deep Q-learning, policy gradient algorithms, actor-critic methods, model-based methods, and multi-agent reinforcement learning. Then, you'll be introduced to some of the key approaches behind the most successful RL implementations, such as domain randomization and curiosity-driven learning. As you advance, you'll explore many novel algorithms with advanced implementations using modern Python libraries such as TensorFlow and Ray's RLlib package. You'll also find out how to implement RL in areas such as robotics, supply chain management, marketing, finance, smart cities, and cybersecurity while assessing the trade-offs between different approaches and avoiding common pitfalls. By the end of this book, you'll have mastered how to train and deploy your own RL agents for solving RL problems. What you will learn Model and solve complex sequential decision-making problems using RL Develop a solid understanding of how state-of-the-art RL methods work Use Python and TensorFlow to code RL algorithms from scratch Parallelize and scale up your RL implementations using Ray's RLlib package Get in-depth knowledge of a wide variety of RL topics Understand the trade-offs between different RL approaches Discover and address the challenges of implementing RL in the real world Who this book is forThis book is for expert machine learning practitioners and researchers looking to focus on hands-on reinforcement learning with Python by implementing advanced deep reinforcement learning concepts in real-world projects. Reinforcement learning experts who want to advance their knowledge to tackle large-scale and complex sequential decision-making problems will also find this book useful. Working knowledge of Python programming and deep learning along with prior experience in reinforcement learning is required.

Artificial Intelligence By Example - Acquire advanced AI, machine learning, and deep learning design skills, 2nd Edition... Artificial Intelligence By Example - Acquire advanced AI, machine learning, and deep learning design skills, 2nd Edition (Paperback, 2nd Revised edition)
Denis Rothman
R1,161 Discovery Miles 11 610 Ships in 18 - 22 working days

Understand the fundamentals and develop your own AI solutions in this updated edition packed with many new examples Key Features AI-based examples to guide you in designing and implementing machine intelligence Build machine intelligence from scratch using artificial intelligence examples Develop machine intelligence from scratch using real artificial intelligence Book DescriptionAI has the potential to replicate humans in every field. Artificial Intelligence By Example, Second Edition serves as a starting point for you to understand how AI is built, with the help of intriguing and exciting examples. This book will make you an adaptive thinker and help you apply concepts to real-world scenarios. Using some of the most interesting AI examples, right from computer programs such as a simple chess engine to cognitive chatbots, 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 Internet of Things (IoT), and develop emotional quotient in chatbots using neural networks such as recurrent neural networks (RNNs) and convolutional neural networks (CNNs). This edition also has new examples for hybrid neural networks, combining reinforcement learning (RL) and deep learning (DL), chained algorithms, combining unsupervised learning with decision trees, random forests, combining DL and genetic algorithms, conversational user interfaces (CUI) for chatbots, neuromorphic computing, and quantum computing. By the end of this book, you will understand the fundamentals of AI and have worked through a number of examples that will help you develop your AI solutions. What you will learn Apply k-nearest neighbors (KNN) to language translations and explore the opportunities in Google Translate Understand chained algorithms combining unsupervised learning with decision trees Solve the XOR problem with feedforward neural networks (FNN) and build its architecture to represent a data flow graph Learn about meta learning models with hybrid neural networks Create a chatbot and optimize its emotional intelligence deficiencies with tools such as Small Talk and data logging Building conversational user interfaces (CUI) for chatbots Writing genetic algorithms that optimize deep learning neural networks Build quantum computing circuits Who this book is forDevelopers and those interested in AI, who want to understand the fundamentals of Artificial Intelligence and implement them practically. Prior experience with Python programming and statistical knowledge is essential to make the most out of this book.

Hands-On Neuroevolution with Python - Build high-performing artificial neural network architectures using neuroevolution-based... Hands-On Neuroevolution with Python - Build high-performing artificial neural network architectures using neuroevolution-based algorithms (Paperback)
Iaroslav Omelianenko
R1,188 Discovery Miles 11 880 Ships in 18 - 22 working days

Increase the performance of various neural network architectures using NEAT, HyperNEAT, ES-HyperNEAT, Novelty Search, SAFE, and deep neuroevolution Key Features Implement neuroevolution algorithms to improve the performance of neural network architectures Understand evolutionary algorithms and neuroevolution methods with real-world examples Learn essential neuroevolution concepts and how they are used in domains including games, robotics, and simulations Book DescriptionNeuroevolution is a form of artificial intelligence learning that uses evolutionary algorithms to simplify the process of solving complex tasks in domains such as games, robotics, and the simulation of natural processes. This book will give you comprehensive insights into essential neuroevolution concepts and equip you with the skills you need to apply neuroevolution-based algorithms to solve practical, real-world problems. You'll start with learning the key neuroevolution concepts and methods by writing code with Python. You'll also get hands-on experience with popular Python libraries and cover examples of classical reinforcement learning, path planning for autonomous agents, and developing agents to autonomously play Atari games. Next, you'll learn to solve common and not-so-common challenges in natural computing using neuroevolution-based algorithms. Later, you'll understand how to apply neuroevolution strategies to existing neural network designs to improve training and inference performance. Finally, you'll gain clear insights into the topology of neural networks and how neuroevolution allows you to develop complex networks, starting with simple ones. By the end of this book, you will not only have explored existing neuroevolution-based algorithms, but also have the skills you need to apply them in your research and work assignments. What you will learn Discover the most popular neuroevolution algorithms - NEAT, HyperNEAT, and ES-HyperNEAT Explore how to implement neuroevolution-based algorithms in Python Get up to speed with advanced visualization tools to examine evolved neural network graphs Understand how to examine the results of experiments and analyze algorithm performance Delve into neuroevolution techniques to improve the performance of existing methods Apply deep neuroevolution to develop agents for playing Atari games Who this book is forThis book is for machine learning practitioners, deep learning researchers, and AI enthusiasts who are looking to implement neuroevolution algorithms from scratch. Working knowledge of the Python programming language and basic knowledge of deep learning and neural networks are mandatory.

Hands-On Meta Learning with Python - Meta learning using one-shot learning, MAML, Reptile, and Meta-SGD with TensorFlow... Hands-On Meta Learning with Python - Meta learning using one-shot learning, MAML, Reptile, and Meta-SGD with TensorFlow (Paperback)
Sudharsan Ravichandiran
R1,045 Discovery Miles 10 450 Ships in 18 - 22 working days

Explore a diverse set of meta-learning algorithms and techniques to enable human-like cognition for your machine learning models using various Python frameworks Key Features Understand the foundations of meta learning algorithms Explore practical examples to explore various one-shot learning algorithms with its applications in TensorFlow Master state of the art meta learning algorithms like MAML, reptile, meta SGD Book DescriptionMeta learning is an exciting research trend in machine learning, which enables a model to understand the learning process. Unlike other ML paradigms, with meta learning you can learn from small datasets faster. Hands-On Meta Learning with Python starts by explaining the fundamentals of meta learning and helps you understand the concept of learning to learn. You will delve into various one-shot learning algorithms, like siamese, prototypical, relation and memory-augmented networks by implementing them in TensorFlow and Keras. As you make your way through the book, you will dive into state-of-the-art meta learning algorithms such as MAML, Reptile, and CAML. You will then explore how to learn quickly with Meta-SGD and discover how you can perform unsupervised learning using meta learning with CACTUs. In the concluding chapters, you will work through recent trends in meta learning such as adversarial meta learning, task agnostic meta learning, and meta imitation learning. By the end of this book, you will be familiar with state-of-the-art meta learning algorithms and able to enable human-like cognition for your machine learning models. What you will learn Understand the basics of meta learning methods, algorithms, and types Build voice and face recognition models using a siamese network Learn the prototypical network along with its variants Build relation networks and matching networks from scratch Implement MAML and Reptile algorithms from scratch in Python Work through imitation learning and adversarial meta learning Explore task agnostic meta learning and deep meta learning Who this book is forHands-On Meta Learning with Python is for machine learning enthusiasts, AI researchers, and data scientists who want to explore meta learning as an advanced approach for training machine learning models. Working knowledge of machine learning concepts and Python programming is necessary.

Codeless Deep Learning with KNIME - Build, train, and deploy various deep neural network architectures using KNIME Analytics... Codeless Deep Learning with KNIME - Build, train, and deploy various deep neural network architectures using KNIME Analytics Platform (Paperback)
Kathrin Melcher, Rosaria Silipo
R1,314 Discovery Miles 13 140 Ships in 18 - 22 working days

Discover how to integrate KNIME Analytics Platform with deep learning libraries to implement artificial intelligence solutions Key Features Become well-versed with KNIME Analytics Platform to perform codeless deep learning Design and build deep learning workflows quickly and more easily using the KNIME GUI Discover different deployment options without using a single line of code with KNIME Analytics Platform Book DescriptionKNIME Analytics Platform is an open source software used to create and design data science workflows. This book is a comprehensive guide to the KNIME GUI and KNIME deep learning integration, helping you build neural network models without writing any code. It'll guide you in building simple and complex neural networks through practical and creative solutions for solving real-world data problems. Starting with an introduction to KNIME Analytics Platform, you'll get an overview of simple feed-forward networks for solving simple classification problems on relatively small datasets. You'll then move on to build, train, test, and deploy more complex networks, such as autoencoders, recurrent neural networks (RNNs), long short-term memory (LSTM), and convolutional neural networks (CNNs). In each chapter, depending on the network and use case, you'll learn how to prepare data, encode incoming data, and apply best practices. By the end of this book, you'll have learned how to design a variety of different neural architectures and will be able to train, test, and deploy the final network. What you will learn Use various common nodes to transform your data into the right structure suitable for training a neural network Understand neural network techniques such as loss functions, backpropagation, and hyperparameters Prepare and encode data appropriately to feed it into the network Build and train a classic feedforward network Develop and optimize an autoencoder network for outlier detection Implement deep learning networks such as CNNs, RNNs, and LSTM with the help of practical examples Deploy a trained deep learning network on real-world data Who this book is forThis book is for data analysts, data scientists, and deep learning developers who are not well-versed in Python but want to learn how to use KNIME GUI to build, train, test, and deploy neural networks with different architectures. The practical implementations shown in the book do not require coding or any knowledge of dedicated scripts, so you can easily implement your knowledge into practical applications. No prior experience of using KNIME is required to get started with this book.

A Brief Guide to Artificial Intelligence (Paperback): James V Stone A Brief Guide to Artificial Intelligence (Paperback)
James V Stone
R218 R201 Discovery Miles 2 010 Save R17 (8%) Ships in 18 - 22 working days
AI Self-Driving Cars Consonance - Practical Advances in Artificial Intelligence and Machine Learning (Paperback): Lance Eliot AI Self-Driving Cars Consonance - Practical Advances in Artificial Intelligence and Machine Learning (Paperback)
Lance Eliot
R685 Discovery Miles 6 850 Ships in 18 - 22 working days
AI Self-Driving Cars Autonomy - Practical Advances In Artificial Intelligence And Machine Learning (Paperback): Lance Eliot AI Self-Driving Cars Autonomy - Practical Advances In Artificial Intelligence And Machine Learning (Paperback)
Lance Eliot
R680 Discovery Miles 6 800 Ships in 18 - 22 working days
The The Reinforcement Learning Workshop - Learn how to apply cutting-edge reinforcement learning algorithms to a wide range of... The The Reinforcement Learning Workshop - Learn how to apply cutting-edge reinforcement learning algorithms to a wide range of control problems (Paperback)
Alessandro Palmas, Emanuele Ghelfi, Dr. Alexandra Galina Petre, Mayur Kulkarni, Anand N.S., …
R1,091 Discovery Miles 10 910 Ships in 9 - 17 working days

Start with the basics of reinforcement learning and explore deep learning concepts such as deep Q-learning, deep recurrent Q-networks, and policy-based methods with this practical guide Key Features Use TensorFlow to write reinforcement learning agents for performing challenging tasks Learn how to solve finite Markov decision problems Train models to understand popular video games like Breakout Book DescriptionVarious intelligent applications such as video games, inventory management software, warehouse robots, and translation tools use reinforcement learning (RL) to make decisions and perform actions that maximize the probability of the desired outcome. This book will help you to get to grips with the techniques and the algorithms for implementing RL in your machine learning models. Starting with an introduction to RL, you'll be guided through different RL environments and frameworks. You'll learn how to implement your own custom environments and use OpenAI baselines to run RL algorithms. Once you've explored classic RL techniques such as Dynamic Programming, Monte Carlo, and TD Learning, you'll understand when to apply the different deep learning methods in RL and advance to deep Q-learning. The book will even help you understand the different stages of machine-based problem-solving by using DARQN on a popular video game Breakout. Finally, you'll find out when to use a policy-based method to tackle an RL problem. By the end of The Reinforcement Learning Workshop, you'll be equipped with the knowledge and skills needed to solve challenging problems using reinforcement learning. What you will learn Use OpenAI Gym as a framework to implement RL environments Find out how to define and implement reward function Explore Markov chain, Markov decision process, and the Bellman equation Distinguish between Dynamic Programming, Monte Carlo, and Temporal Difference Learning Understand the multi-armed bandit problem and explore various strategies to solve it Build a deep Q model network for playing the video game Breakout Who this book is forIf you are a data scientist, machine learning enthusiast, or a Python developer who wants to learn basic to advanced deep reinforcement learning algorithms, this workshop is for you. A basic understanding of the Python language is necessary.

Mobile Deep Learning with TensorFlow Lite, ML Kit and Flutter - Build scalable real-world projects to implement end-to-end... Mobile Deep Learning with TensorFlow Lite, ML Kit and Flutter - Build scalable real-world projects to implement end-to-end neural networks on Android and iOS (Paperback)
Anubhav Singh, Rimjhim Bhadani
R1,094 Discovery Miles 10 940 Ships in 18 - 22 working days

Learn how to deploy effective deep learning solutions on cross-platform applications built using TensorFlow Lite, ML Kit, and Flutter Key Features Work through projects covering mobile vision, style transfer, speech processing, and multimedia processing Cover interesting deep learning solutions for mobile Build your confidence in training models, performance tuning, memory optimization, and neural network deployment through every project Book DescriptionDeep learning is rapidly becoming the most popular topic in the mobile app industry. This book introduces trending deep learning concepts and their use cases with an industrial and application-focused approach. You will cover a range of projects covering tasks such as mobile vision, facial recognition, smart artificial intelligence assistant, augmented reality, and more. With the help of eight projects, you will learn how to integrate deep learning processes into mobile platforms, iOS, and Android. This will help you to transform deep learning features into robust mobile apps efficiently. You'll get hands-on experience of selecting the right deep learning architectures and optimizing mobile deep learning models while following an application oriented-approach to deep learning on native mobile apps. We will later cover various pre-trained and custom-built deep learning model-based APIs such as machine learning (ML) Kit through Firebase. Further on, the book will take you through examples of creating custom deep learning models with TensorFlow Lite. Each project will demonstrate how to integrate deep learning libraries into your mobile apps, right from preparing the model through to deployment. By the end of this book, you'll have mastered the skills to build and deploy deep learning mobile applications on both iOS and Android. What you will learn Create your own customized chatbot by extending the functionality of Google Assistant Improve learning accuracy with the help of features available on mobile devices Perform visual recognition tasks using image processing Use augmented reality to generate captions for a camera feed Authenticate users and create a mechanism to identify rare and suspicious user interactions Develop a chess engine based on deep reinforcement learning Explore the concepts and methods involved in rolling out production-ready deep learning iOS and Android applications Who this book is forThis book is for data scientists, deep learning and computer vision engineers, and natural language processing (NLP) engineers who want to build smart mobile apps using deep learning methods. You will also find this book useful if you want to improve your mobile app's user interface (UI) by harnessing the potential of deep learning. Basic knowledge of neural networks and coding experience in Python will be beneficial to get started with this book.

Advanced Deep Learning with TensorFlow 2 and Keras - Apply DL, GANs, VAEs, deep RL, unsupervised learning, object detection and... Advanced Deep Learning with TensorFlow 2 and Keras - Apply DL, GANs, VAEs, deep RL, unsupervised learning, object detection and segmentation, and more, 2nd Edition (Paperback, 2nd Revised edition)
Rowel Atienza
R1,132 Discovery Miles 11 320 Ships in 18 - 22 working days

Updated and revised second edition of the bestselling guide to advanced deep learning with TensorFlow 2 and Keras Key Features Explore the most advanced deep learning techniques that drive modern AI results New coverage of unsupervised deep learning using mutual information, object detection, and semantic segmentation Completely updated for TensorFlow 2.x Book DescriptionAdvanced Deep Learning with TensorFlow 2 and Keras, Second Edition is a completely updated edition of the bestselling guide to the advanced deep learning techniques available today. Revised for TensorFlow 2.x, this edition introduces you to the practical side of deep learning with new chapters on unsupervised learning using mutual information, object detection (SSD), and semantic segmentation (FCN and PSPNet), further allowing you to create your own cutting-edge AI projects. Using Keras as an open-source deep learning library, the book features hands-on projects that show you how to create more effective AI with the most up-to-date techniques. Starting with an overview of multi-layer perceptrons (MLPs), convolutional neural networks (CNNs), and recurrent neural networks (RNNs), the book then introduces more cutting-edge techniques as you explore deep neural network architectures, including ResNet and DenseNet, and how to create autoencoders. You will then learn about GANs, and how they can unlock new levels of AI performance. Next, you'll discover how a variational autoencoder (VAE) is implemented, and how GANs and VAEs have the generative power to synthesize data that can be extremely convincing to humans. You'll also learn to implement DRL such as Deep Q-Learning and Policy Gradient Methods, which are critical to many modern results in AI. What you will learn Use mutual information maximization techniques to perform unsupervised learning Use segmentation to identify the pixel-wise class of each object in an image Identify both the bounding box and class of objects in an image using object detection Learn the building blocks for advanced techniques - MLPss, CNN, and RNNs Understand deep neural networks - including ResNet and DenseNet Understand and build autoregressive models - autoencoders, VAEs, and GANs Discover and implement deep reinforcement learning methods Who this book is forThis is not an introductory book, so fluency with Python is required. The reader should also be familiar with some machine learning approaches, and practical experience with DL will also be helpful. Knowledge of Keras or TensorFlow 2.0 is not required but is recommended.

Learning Microsoft Cognitive Services - Use Cognitive Services APIs to add AI capabilities to your applications, 3rd Edition... Learning Microsoft Cognitive Services - Use Cognitive Services APIs to add AI capabilities to your applications, 3rd Edition (Paperback, 3rd Revised edition)
Leif Larsen
R1,102 Discovery Miles 11 020 Ships in 18 - 22 working days

Build smarter applications with AI capabilities using Microsoft Cognitive Services APIs without much hassle Key Features Explore the Cognitive Services APIs for building machine learning applications Build applications with computer vision, speech recognition, and language processing capabilities Learn to implement human-like cognitive intelligence for your applications Book DescriptionMicrosoft Cognitive Services is a set of APIs for adding intelligence to your application and leverage the power of AI to solve any business problem using the cognitive capabilities. This book will be your practical guide to working with cognitive APIs developed by Microsoft and provided with the Azure platform to developers and businesses. You will learn to integrate the APIs with your applications in Visual Studio. The book introduces you to about 24 APIs including Emotion, Language, Vision, Speech, Knowledge, and Search among others. With the easy-to-follow examples you will be able to develop applications for image processing, speech recognition, text procession, and so on to enhance the capability of your applications to perform more human-like tasks. Going ahead, the book will help you work with the datasets that enable your applications to process various data in form of image, videos, and texts. By the end of the book, you will get confident to explore the Cognitive Services APIs for your applications and make them intelligent for deploying in businesses. What you will learn Identify a person through visual and audio inspection Reduce user effort by utilizing AI-like capabilities Understand how to analyze images and texts in different ways Analyze images using Vision APIs Add video analysis to applications using Vision APIs Utilize Search to find anything you want Analyze text to extract information and explore text structure Who this book is forLearning Microsoft Cognitive Services is for developers and machine learning enthusiasts who want to get started with building intelligent applications without much programming knowledge. Some prior knowledge of .NET and Visual Studio will help you undertake the tasks explained 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
R901 Discovery Miles 9 010 Ships in 18 - 22 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

Deep Learning with Javascript - Example-Based Approach (Paperback): Ken Wright Deep Learning with Javascript - Example-Based Approach (Paperback)
Ken Wright
R1,235 Discovery Miles 12 350 Ships in 18 - 22 working days
The Applied TensorFlow and Keras Workshop - Develop your practical skills by working through a real-world project and build... The Applied TensorFlow and Keras Workshop - Develop your practical skills by working through a real-world project and build your own Bitcoin price prediction tracker (Paperback, 2nd Revised edition)
Harveen Singh Chadha, Luis Capelo
R780 Discovery Miles 7 800 Ships in 18 - 22 working days

Cut through the noise and get real results with this workshop for beginners. Use a project-based approach to exploring machine learning with TensorFlow and Keras. Key Features Understand the nuances of setting up a deep learning programming environment Gain insights into the common components of a neural network and its essential operations Get to grips with deploying a machine learning model as an interactive web application with Flask Book DescriptionMachine learning gives computers the ability to learn like humans. It is becoming increasingly transformational to businesses in many forms, and a key skill to learn to prepare for the future digital economy. As a beginner, you'll unlock a world of opportunities by learning the techniques you need to contribute to the domains of machine learning, deep learning, and modern data analysis using the latest cutting-edge tools. The Applied TensorFlow and Keras Workshop begins by showing you how neural networks work. After you've understood the basics, you will train a few networks by altering their hyperparameters. To build on your skills, you'll learn how to select the most appropriate model to solve the problem in hand. While tackling advanced concepts, you'll discover how to assemble a deep learning system by bringing together all the essential elements necessary for building a basic deep learning system - data, model, and prediction. Finally, you'll explore ways to evaluate the performance of your model, and improve it using techniques such as model evaluation and hyperparameter optimization. By the end of this book, you'll have learned how to build a Bitcoin app that predicts future prices, and be able to build your own models for other projects. What you will learn Familiarize yourself with the components of a neural network Understand the different types of problems that can be solved using neural networks Explore different ways to select the right architecture for your model Make predictions with a trained model using TensorBoard Discover the components of Keras and ways to leverage its features in your model Explore how you can deal with new data by learning ways to retrain your model Who this book is forIf you are a data scientist or a machine learning and deep learning enthusiast, who is looking to design, train, and deploy TensorFlow and Keras models into real-world applications, then this workshop is for you. Knowledge of computer science and machine learning concepts and experience in analyzing data will help you to understand the topics explained in this book with ease.

AI Self-Driving Cars Equanimity - Practical Advances In Artificial Intelligence And Machine Learning (Paperback): Lance Eliot AI Self-Driving Cars Equanimity - Practical Advances In Artificial Intelligence And Machine Learning (Paperback)
Lance Eliot
R667 Discovery Miles 6 670 Ships in 18 - 22 working days
Make Your First GAN With PyTorch (Paperback): Tariq Rashid Make Your First GAN With PyTorch (Paperback)
Tariq Rashid
R1,084 Discovery Miles 10 840 Ships in 18 - 22 working days
Hands-On Convolutional Neural Networks with TensorFlow - Solve computer vision problems with modeling in TensorFlow and Python... Hands-On Convolutional Neural Networks with TensorFlow - Solve computer vision problems with modeling in TensorFlow and Python (Paperback)
Iffat Zafar, Giounona Tzanidou, Richard Burton, Nimesh Patel, Leonardo Araujo
R835 Discovery Miles 8 350 Ships in 18 - 22 working days

Learn how to apply TensorFlow to a wide range of deep learning and Machine Learning problems with this practical guide on training CNNs for image classification, image recognition, object detection and many computer vision challenges. Key Features Learn the fundamentals of Convolutional Neural Networks Harness Python and Tensorflow to train CNNs Build scalable deep learning models that can process millions of items Book DescriptionConvolutional Neural Networks (CNN) are one of the most popular architectures used in computer vision apps. This book is an introduction to CNNs through solving real-world problems in deep learning while teaching you their implementation in popular Python library - TensorFlow. By the end of the book, you will be training CNNs in no time! We start with an overview of popular machine learning and deep learning models, and then get you set up with a TensorFlow development environment. This environment is the basis for implementing and training deep learning models in later chapters. Then, you will use Convolutional Neural Networks to work on problems such as image classification, object detection, and semantic segmentation. After that, you will use transfer learning to see how these models can solve other deep learning problems. You will also get a taste of implementing generative models such as autoencoders and generative adversarial networks. Later on, you will see useful tips on machine learning best practices and troubleshooting. Finally, you will learn how to apply your models on large datasets of millions of images. What you will learn Train machine learning models with TensorFlow Create systems that can evolve and scale during their life cycle Use CNNs in image recognition and classification Use TensorFlow for building deep learning models Train popular deep learning models Fine-tune a neural network to improve the quality of results with transfer learning Build TensorFlow models that can scale to large datasets and systems Who this book is forThis book is for Software Engineers, Data Scientists, or Machine Learning practitioners who want to use CNNs for solving real-world problems. Knowledge of basic machine learning concepts, linear algebra and Python will help.

Free Delivery
Pinterest Twitter Facebook Google+
You may like...
Computational Intelligence for Machine…
Rajshree Srivastava, Pradeep Kumar Mallick, … Hardcover R3,875 Discovery Miles 38 750
Icle Publications Plc-Powered Data…
Polly Patrick, Angela Peery Paperback R705 Discovery Miles 7 050
Applications of Artificial Neural…
Hiral Ashil Patel, A.V. Senthil Kumar Hardcover R6,680 Discovery Miles 66 800
Artificial Intelligence - An Essential…
Neil Wilkins Hardcover R662 R591 Discovery Miles 5 910
Meta-Learning - Theory, Algorithms and…
Lan Zou Paperback R2,473 Discovery Miles 24 730
Research Anthology on Artificial Neural…
Information R Management Association Hardcover R12,947 Discovery Miles 129 470
Artificial Neural Networks for Renewable…
Ammar Hamed Elsheikh, Mohamed Elasyed Abd elaziz Paperback R3,286 Discovery Miles 32 860
Advanced Robotics and Intelligent…
Maki K. Habib Hardcover R6,648 Discovery Miles 66 480
State of the Art in Neural Networks and…
Ayman S. El-Baz, Jasjit S. Suri Paperback R3,402 Discovery Miles 34 020
Intelligent Analysis Of Fundus Images…
Yuanyuan Chen, Yi Zhang, … Hardcover R2,144 Discovery Miles 21 440

 

Partners