|
|
Books > Computing & IT > Applications of computing > Artificial intelligence > Neural networks
Discover recipes for developing AI applications to solve a variety
of real-world business problems using reinforcement learning Key
Features Develop and deploy deep reinforcement learning-based
solutions to production pipelines, products, and services Explore
popular reinforcement learning algorithms such as Q-learning,
SARSA, and the actor-critic method Customize and build RL-based
applications for performing real-world tasks Book DescriptionWith
deep reinforcement learning, you can build intelligent agents,
products, and services that can go beyond computer vision or
perception to perform actions. TensorFlow 2.x is the latest major
release of the most popular deep learning framework used to develop
and train deep neural networks (DNNs). This book contains
easy-to-follow recipes for leveraging TensorFlow 2.x to develop
artificial intelligence applications. Starting with an introduction
to the fundamentals of deep reinforcement learning and TensorFlow
2.x, the book covers OpenAI Gym, model-based RL, model-free RL, and
how to develop basic agents. You'll discover how to implement
advanced deep reinforcement learning algorithms such as
actor-critic, deep deterministic policy gradients, deep-Q networks,
proximal policy optimization, and deep recurrent Q-networks for
training your RL agents. As you advance, you'll explore the
applications of reinforcement learning by building cryptocurrency
trading agents, stock/share trading agents, and intelligent agents
for automating task completion. Finally, you'll find out how to
deploy deep reinforcement learning agents to the cloud and build
cross-platform apps using TensorFlow 2.x. By the end of this
TensorFlow book, you'll have gained a solid understanding of deep
reinforcement learning algorithms and their implementations from
scratch. What you will learn Build deep reinforcement learning
agents from scratch using the all-new TensorFlow 2.x and Keras API
Implement state-of-the-art deep reinforcement learning algorithms
using minimal code Build, train, and package deep RL agents for
cryptocurrency and stock trading Deploy RL agents to the cloud and
edge to test them by creating desktop, web, and mobile apps and
cloud services Speed up agent development using distributed DNN
model training Explore distributed deep RL architectures and
discover opportunities in AIaaS (AI as a Service) Who this book is
forThe book is for machine learning application developers, AI and
applied AI researchers, data scientists, deep learning
practitioners, and students with a basic understanding of
reinforcement learning concepts who want to build, train, and
deploy their own reinforcement learning systems from scratch using
TensorFlow 2.x.
Visualize and build deep learning models with 3D data using
PyTorch3D and other Python frameworks to conquer real-world
application challenges with ease Key Features Understand 3D data
processing with rendering, PyTorch optimization, and heterogeneous
batching Implement differentiable rendering concepts with practical
examples Discover how you can ease your work with the latest 3D
deep learning techniques using PyTorch3D Book DescriptionWith this
hands-on guide to 3D deep learning, developers working with 3D
computer vision will be able to put their knowledge to work and get
up and running in no time. Complete with step-by-step explanations
of essential concepts and practical examples, this book lets you
explore and gain a thorough understanding of state-of-the-art 3D
deep learning. You'll see how to use PyTorch3D for basic 3D mesh
and point cloud data processing, including loading and saving ply
and obj files, projecting 3D points into camera coordination using
perspective camera models or orthographic camera models, rendering
point clouds and meshes to images, and much more. As you implement
some of the latest 3D deep learning algorithms, such as
differential rendering, Nerf, synsin, and mesh RCNN, you'll realize
how coding for these deep learning models becomes easier using the
PyTorch3D library. By the end of this deep learning book, you'll be
ready to implement your own 3D deep learning models confidently.
What you will learn Develop 3D computer vision models for
interacting with the environment Get to grips with 3D data handling
with point clouds, meshes, ply, and obj file format Work with 3D
geometry, camera models, and coordination and convert between them
Understand concepts of rendering, shading, and more with ease
Implement differential rendering for many 3D deep learning models
Advanced state-of-the-art 3D deep learning models like Nerf,
synsin, mesh RCNN Who this book is forThis book is for beginner to
intermediate-level machine learning practitioners, data scientists,
ML engineers, and DL engineers who are looking to become
well-versed with computer vision techniques using 3D data.
Implement supervised, unsupervised, and generative deep learning
(DL) models using Keras and Dopamine with TensorFlow Key Features
Understand the fundamental machine learning concepts useful in deep
learning Learn the underlying mathematical concepts as you
implement deep learning models from scratch Explore
easy-to-understand examples and use cases that will help you build
a solid foundation in DL Book DescriptionWith information on the
web exponentially increasing, it has become more difficult than
ever to navigate through everything to find reliable content that
will help you get started with deep learning. This book is designed
to help you if you're a beginner looking to work on deep learning
and build deep learning models from scratch, and you already have
the basic mathematical and programming knowledge required to get
started. The book begins with a basic overview of machine learning,
guiding you through setting up popular Python frameworks. You will
also understand how to prepare data by cleaning and preprocessing
it for deep learning, and gradually go on to explore neural
networks. A dedicated section will give you insights into the
working of neural networks by helping you get hands-on with
training single and multiple layers of neurons. Later, you will
cover popular neural network architectures such as CNNs, RNNs, AEs,
VAEs, and GANs with the help of simple examples, and learn how to
build models from scratch. At the end of each chapter, you will
find a question and answer section to help you test what you've
learned through the course of the book. By the end of this book,
you'll be well-versed with deep learning concepts and have the
knowledge you need to use specific algorithms with various tools
for different tasks. What you will learn Implement recurrent neural
networks (RNNs) and long short-term memory (LSTM) for image
classification and natural language processing tasks Explore the
role of convolutional neural networks (CNNs) in computer vision and
signal processing Discover the ethical implications of deep
learning modeling Understand the mathematical terminology
associated with deep learning Code a generative adversarial network
(GAN) and a variational autoencoder (VAE) to generate images from a
learned latent space Implement visualization techniques to compare
AEs and VAEs Who this book is forThis book is for aspiring data
scientists and deep learning engineers who want to get started with
the fundamentals of deep learning and neural networks. Although no
prior knowledge of deep learning or machine learning is required,
familiarity with linear algebra and Python programming is necessary
to get started.
Publisher's Note: A new edition of this book is out now that
includes working with GPT-3 and comparing the results with other
models. It includes even more use cases, such as casual language
analysis and computer vision tasks, as well as an introduction to
OpenAI's Codex. Key Features Build and implement state-of-the-art
language models, such as the original Transformer, BERT, T5, and
GPT-2, using concepts that outperform classical deep learning
models Go through hands-on applications in Python using Google
Colaboratory Notebooks with nothing to install on a local machine
Test transformer models on advanced use cases Book DescriptionThe
transformer architecture has proved to be revolutionary in
outperforming the classical RNN and CNN models in use today. With
an apply-as-you-learn approach, Transformers for Natural Language
Processing investigates in vast detail the deep learning for
machine translations, speech-to-text, text-to-speech, language
modeling, question answering, and many more NLP domains with
transformers. The book takes you through NLP with Python and
examines various eminent models and datasets within the transformer
architecture created by pioneers such as Google, Facebook,
Microsoft, OpenAI, and Hugging Face. The book trains you in three
stages. The first stage introduces you to transformer
architectures, starting with the original transformer, before
moving on to RoBERTa, BERT, and DistilBERT models. You will
discover training methods for smaller transformers that can
outperform GPT-3 in some cases. In the second stage, you will apply
transformers for Natural Language Understanding (NLU) and Natural
Language Generation (NLG). Finally, the third stage will help you
grasp advanced language understanding techniques such as optimizing
social network datasets and fake news identification. By the end of
this NLP book, you will understand transformers from a cognitive
science perspective and be proficient in applying pretrained
transformer models by tech giants to various datasets. What you
will learn Use the latest pretrained transformer models Grasp the
workings of the original Transformer, GPT-2, BERT, T5, and other
transformer models Create language understanding Python programs
using concepts that outperform classical deep learning models Use a
variety of NLP platforms, including Hugging Face, Trax, and
AllenNLP Apply Python, TensorFlow, and Keras programs to sentiment
analysis, text summarization, speech recognition, machine
translations, and more Measure the productivity of key transformers
to define their scope, potential, and limits in production Who this
book is forSince the book does not teach basic programming, you
must be familiar with neural networks, Python, PyTorch, and
TensorFlow in order to learn their implementation with
Transformers. Readers who can benefit the most from this book
include experienced deep learning & NLP practitioners and data
analysts & data scientists who want to process the increasing
amounts of language-driven data.
For graduate-level neural network courses offered in the
departments of Computer Engineering, Electrical Engineering, and
Computer Science. "Neural Networks and Learning Machines, Third
Edition" is renowned for its thoroughness and readability. This
well-organized and completely up-to-date text remains the most
comprehensive treatment of neural networks from an engineering
perspective. This is ideal for professional engineers and research
scientists. Matlab codes used for the computer experiments in the
text are available for download at: http:
//www.pearsonhighered.com/haykin/ Refocused, revised and renamed to
reflect the duality of neural networks and learning machines, this
edition recognizes that the subject matter is richer when these
topics are studied together. Ideas drawn from neural networks and
machine learning are hybridized to perform improved learning tasks
beyond the capability of either independently.
Build a Career in Data Science is the top guide to help readers get
their first data science job, then quickly becoming a senior
employee. Industry experts Jacqueline Nolis and Emily Robinson lay
out the soft skills readers need alongside their technical know-how
in order to succeed in the field. Key Features * Creating a
portfolio to show off your data science projects * Picking the role
that's right for you * Assessing and negotiating an offer * Leaving
gracefully and moving up the ladder * Interviews with professional
data scientists about their experiences This book is for readers
who possess the foundational technical skills of data science, and
want to leverage them into a new or better job in the field. About
the technology From analyzing drug trials to helping sports teams
pick new draftees, data scientists utilize data to tackle the big
questions of a business. But despite demand, high competition and
big expectations make data science a challenging field for the
unprepared to break into and navigate. Alongside their technical
skills, the successful data scientist needs to be a master of
understanding data projects, adapting to company needs, and
managing stakeholders. Jacqueline Nolis is a data science
consultant and co-founder of Nolis, LLC, with a PhD in Industrial
Engineering. Jacqueline has spent years mentoring junior data
scientists on how to work within organizations and grow their
careers. Emily Robinson is a senior data scientist at Warby Parker,
and holds a Master's in Management. Emily's academic background
includes the study of leadership, negotiation, and experiences of
underrepresented groups in STEM.
Explore self-driving car technology using deep learning and
artificial intelligence techniques and libraries such as
TensorFlow, Keras, and OpenCV Key Features Build and train powerful
neural network models to build an autonomous car Implement computer
vision, deep learning, and AI techniques to create automotive
algorithms Overcome the challenges faced while automating different
aspects of driving using modern Python libraries and architectures
Book DescriptionThanks to a number of recent breakthroughs,
self-driving car technology is now an emerging subject in the field
of artificial intelligence and has shifted data scientists' focus
to building autonomous cars that will transform the automotive
industry. This book is a comprehensive guide to use deep learning
and computer vision techniques to develop autonomous cars. Starting
with the basics of self-driving cars (SDCs), this book will take
you through the deep neural network techniques required to get up
and running with building your autonomous vehicle. Once you are
comfortable with the basics, you'll delve into advanced computer
vision techniques and learn how to use deep learning methods to
perform a variety of computer vision tasks such as finding lane
lines, improving image classification, and so on. You will explore
the basic structure and working of a semantic segmentation model
and get to grips with detecting cars using semantic segmentation.
The book also covers advanced applications such as behavior-cloning
and vehicle detection using OpenCV, transfer learning, and deep
learning methodologies to train SDCs to mimic human driving. By the
end of this book, you'll have learned how to implement a variety of
neural networks to develop your own autonomous vehicle using modern
Python libraries. What you will learn Implement deep neural network
from scratch using the Keras library Understand the importance of
deep learning in self-driving cars Get to grips with feature
extraction techniques in image processing using the OpenCV library
Design a software pipeline that detects lane lines in videos
Implement a convolutional neural network (CNN) image classifier for
traffic signal signs Train and test neural networks for
behavioral-cloning by driving a car in a virtual simulator Discover
various state-of-the-art semantic segmentation and object detection
architectures Who this book is forIf you are a deep learning
engineer, AI researcher, or anyone looking to implement deep
learning and computer vision techniques to build self-driving
blueprint solutions, this book is for you. Anyone who wants to
learn how various automotive-related algorithms are built, will
also find this book useful. Python programming experience, along
with a basic understanding of deep learning, is necessary to get
the most of this book.
Cut through the noise and get real results with a step-by-step
approach to understanding supervised learning algorithms Key
Features Ideal for those getting started with machine learning for
the first time A step-by-step machine learning tutorial with
exercises and activities that help build key skills Structured to
let you progress at your own pace, on your own terms Use your
physical print copy to redeem free access to the online interactive
edition Book DescriptionYou already know you want to understand
supervised learning, and a smarter way to do that is to learn by
doing. The Supervised Learning Workshop focuses on building up your
practical skills so that you can deploy and build solutions that
leverage key supervised learning algorithms. You'll learn from real
examples that lead to real results. Throughout The Supervised
Learning Workshop, you'll take an engaging step-by-step approach to
understand supervised learning. You won't have to sit through any
unnecessary theory. If you're short on time you can jump into a
single exercise each day or spend an entire weekend learning how to
predict future values with auto regressors. It's your choice.
Learning on your terms, you'll build up and reinforce key skills in
a way that feels rewarding. Every physical print copy of The
Supervised Learning Workshop unlocks access to the interactive
edition. With videos detailing all exercises and activities, you'll
always have a guided solution. You can also benchmark yourself
against assessments, track progress, and receive content updates.
You'll even earn a secure credential that you can share and verify
online upon completion. It's a premium learning experience that's
included with your printed copy. To redeem, follow the instructions
located at the start of your book. Fast-paced and direct, The
Supervised Learning Workshop is the ideal companion for those with
some Python background who are getting started with machine
learning. You'll learn how to apply key algorithms like a data
scientist, learning along the way. This process means that you'll
find that your new skills stick, embedded as best practice. A solid
foundation for the years ahead. What you will learn Get to grips
with the fundamental of supervised learning algorithms Discover how
to use Python libraries for supervised learning Learn how to load a
dataset in pandas for testing Use different types of plots to
visually represent the data Distinguish between regression and
classification problems Learn how to perform classification using
K-NN and decision trees Who this book is forOur goal at Packt is to
help you be successful, in whatever it is you choose to do. The
Supervised Learning Workshop is ideal for those with a Python
background, who are just starting out with machine learning. Pick
up a Workshop today, and let Packt help you develop skills that
stick with you for life.
Traditional machining has many limitations in today's
technology-driven world, which has caused industrial professionals
to begin implementing various optimization techniques within their
machining processes. The application of methods including machine
learning and genetic algorithms has recently transformed the
manufacturing industry and created countless opportunities in
non-traditional machining methods. Significant research in this
area, however, is still considerably lacking. Machine Learning
Applications in Non-Conventional Machining Processes is a
collection of innovative research on the advancement of intelligent
technology in industrial environments and its applications within
the manufacturing field. While highlighting topics including
evolutionary algorithms, micro-machining, and artificial neural
networks, this book is ideally designed for researchers,
academicians, engineers, managers, developers, practitioners,
industrialists, and students seeking current research on
intelligence-based machining processes in today's technology-driven
market.
Fun and exciting projects to learn what artificial minds can create
Key Features Code examples are in TensorFlow 2, which make it easy
for PyTorch users to follow along Look inside the most famous deep
generative models, from GPT to MuseGAN Learn to build and adapt
your own models in TensorFlow 2.x Explore exciting, cutting-edge
use cases for deep generative AI Book DescriptionMachines are
excelling at creative human skills such as painting, writing, and
composing music. Could you be more creative than generative AI? In
this book, you'll explore the evolution of generative models, from
restricted Boltzmann machines and deep belief networks to VAEs and
GANs. You'll learn how to implement models yourself in TensorFlow
and get to grips with the latest research on deep neural networks.
There's been an explosion in potential use cases for generative
models. You'll look at Open AI's news generator, deepfakes, and
training deep learning agents to navigate a simulated environment.
Recreate the code that's under the hood and uncover surprising
links between text, image, and music generation. What you will
learn Export the code from GitHub into Google Colab to see how
everything works for yourself Compose music using LSTM models,
simple GANs, and MuseGAN Create deepfakes using facial landmarks,
autoencoders, and pix2pix GAN Learn how attention and transformers
have changed NLP Build several text generation pipelines based on
LSTMs, BERT, and GPT-2 Implement paired and unpaired style transfer
with networks like StyleGAN Discover emerging applications of
generative AI like folding proteins and creating videos from images
Who this book is forThis is a book for Python programmers who are
keen to create and have some fun using generative models. To make
the most out of this book, you should have a basic familiarity with
math and statistics for machine learning.
Gain expertise in advanced deep learning domains such as neural
networks, meta-learning, graph neural networks, and memory
augmented neural networks using the Python ecosystem Key Features
Get to grips with building faster and more robust deep learning
architectures Investigate and train convolutional neural network
(CNN) models with GPU-accelerated libraries such as TensorFlow and
PyTorch Apply deep neural networks (DNNs) to computer vision
problems, NLP, and GANs Book DescriptionIn order to build robust
deep learning systems, you'll need to understand everything from
how neural networks work to training CNN models. In this book,
you'll discover newly developed deep learning models, methodologies
used in the domain, and their implementation based on areas of
application. You'll start by understanding the building blocks and
the math behind neural networks, and then move on to CNNs and their
advanced applications in computer vision. You'll also learn to
apply the most popular CNN architectures in object detection and
image segmentation. Further on, you'll focus on variational
autoencoders and GANs. You'll then use neural networks to extract
sophisticated vector representations of words, before going on to
cover various types of recurrent networks, such as LSTM and GRU.
You'll even explore the attention mechanism to process sequential
data without the help of recurrent neural networks (RNNs). Later,
you'll use graph neural networks for processing structured data,
along with covering meta-learning, which allows you to train neural
networks with fewer training samples. Finally, you'll understand
how to apply deep learning to autonomous vehicles. By the end of
this book, you'll have mastered key deep learning concepts and the
different applications of deep learning models in the real world.
What you will learn Cover advanced and state-of-the-art neural
network architectures Understand the theory and math behind neural
networks Train DNNs and apply them to modern deep learning problems
Use CNNs for object detection and image segmentation Implement
generative adversarial networks (GANs) and variational autoencoders
to generate new images Solve natural language processing (NLP)
tasks, such as machine translation, using sequence-to-sequence
models Understand DL techniques, such as meta-learning and graph
neural networks Who this book is forThis book is for data
scientists, deep learning engineers and researchers, and AI
developers who want to further their knowledge of deep learning and
build innovative and unique deep learning projects. Anyone looking
to get to grips with advanced use cases and methodologies adopted
in the deep learning domain using real-world examples will also
find this book useful. Basic understanding of deep learning
concepts and working knowledge of the Python programming language
is assumed.
|
You may like...
Graph Energy
Xueliang Li, Yongtang Shi, …
Hardcover
R2,904
Discovery Miles 29 040
|