|
|
Books > Computing & IT > Applications of computing > Artificial intelligence > Neural networks
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.
Get a head start in the world of AI and deep learning by developing
your skills with PyTorch Key Features Learn how to define your own
network architecture in deep learning Implement helpful methods to
create and train a model using PyTorch syntax Discover how
intelligent applications using features like image recognition and
speech recognition really process your data Book DescriptionWant to
get to grips with one of the most popular machine learning
libraries for deep learning? The Deep Learning with PyTorch
Workshop will help you do just that, jumpstarting your knowledge of
using PyTorch for deep learning even if you're starting from
scratch. It's no surprise that deep learning's popularity has risen
steeply in the past few years, thanks to intelligent applications
such as self-driving vehicles, chatbots, and voice-activated
assistants that are making our lives easier. This book will take
you inside the world of deep learning, where you'll use PyTorch to
understand the complexity of neural network architectures. The Deep
Learning with PyTorch Workshop starts with an introduction to deep
learning and its applications. You'll explore the syntax of PyTorch
and learn how to define a network architecture and train a model.
Next, you'll learn about three main neural network architectures -
convolutional, artificial, and recurrent - and even solve
real-world data problems using these networks. Later chapters will
show you how to create a style transfer model to develop a new
image from two images, before finally taking you through how RNNs
store memory to solve key data issues. By the end of this book,
you'll have mastered the essential concepts, tools, and libraries
of PyTorch to develop your own deep neural networks and intelligent
apps. What you will learn Explore the different applications of
deep learning Understand the PyTorch approach to building neural
networks Create and train your very own perceptron using PyTorch
Solve regression problems using artificial neural networks (ANNs)
Handle computer vision problems with convolutional neural networks
(CNNs) Perform language translation tasks using recurrent neural
networks (RNNs) Who this book is forThis deep learning book is
ideal for anyone who wants to create and train deep learning models
using PyTorch. A solid understanding of the Python programming
language and its packages will help you grasp the topics covered in
the book more quickly.
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.
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.
Explore reinforcement learning (RL) techniques to build
cutting-edge games using Python libraries such as PyTorch, OpenAI
Gym, and TensorFlow Key Features Get to grips with the different
reinforcement and DRL algorithms for game development Learn how to
implement components such as artificial agents, map and level
generation, and audio generation Gain insights into cutting-edge RL
research and understand how it is similar to artificial general
research Book DescriptionWith the increased presence of AI in the
gaming industry, developers are challenged to create highly
responsive and adaptive games by integrating artificial
intelligence into their projects. This book is your guide to
learning how various reinforcement learning techniques and
algorithms play an important role in game development with Python.
Starting with the basics, this book will help you build a strong
foundation in reinforcement learning for game development. Each
chapter will assist you in implementing different reinforcement
learning techniques, such as Markov decision processes (MDPs),
Q-learning, actor-critic methods, SARSA, and deterministic policy
gradient algorithms, to build logical self-learning agents.
Learning these techniques will enhance your game development skills
and add a variety of features to improve your game agent's
productivity. As you advance, you'll understand how deep
reinforcement learning (DRL) techniques can be used to devise
strategies to help agents learn from their actions and build
engaging games. By the end of this book, you'll be ready to apply
reinforcement learning techniques to build a variety of projects
and contribute to open source applications. What you will learn
Understand how deep learning can be integrated into an RL agent
Explore basic to advanced algorithms commonly used in game
development Build agents that can learn and solve problems in all
types of environments Train a Deep Q-Network (DQN) agent to solve
the CartPole balancing problem Develop game AI agents by
understanding the mechanism behind complex AI Integrate all the
concepts learned into new projects or gaming agents Who this book
is forIf you're a game developer looking to implement AI techniques
to build next-generation games from scratch, this book is for you.
Machine learning and deep learning practitioners, and RL
researchers who want to understand how to use self-learning agents
in the game domain will also find this book useful. Knowledge of
game development and Python programming experience are required.
As technology continues to advance in today's global market,
practitioners are targeting systems with significant levels of
applicability and variance. Instrumentation is a multidisciplinary
subject that provides a wide range of usage in several professional
fields, specifically engineering. Instrumentation plays a key role
in numerous daily processes and has seen substantial advancement in
recent years. It is of utmost importance for engineering
professionals to understand the modern developments of instruments
and how they affect everyday life. Advancements in Instrumentation
and Control in Applied System Applications is a collection of
innovative research on the methods and implementations of
instrumentation in real-world practices including communication,
transportation, and biomedical systems. While highlighting topics
including smart sensor design, medical image processing, and atrial
fibrillation, this book is ideally designed for researchers,
software engineers, technologists, developers, scientists,
designers, IT professionals, academicians, and post-graduate
students seeking current research on recent developments within
instrumentation systems and their applicability in daily life.
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.
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.
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.
|
You may like...
Amber
Various Artists
CD
R89
Discovery Miles 890
Emma
Various Artists
CD
R96
Discovery Miles 960
Cameron
Various Artists
CD
R89
Discovery Miles 890
|