|
|
Books > Computing & IT > Applications of computing > Artificial intelligence > Neural networks
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.
Your one-stop guide to learning and implementing artificial neural
networks with Keras effectively Key Features Design and create
neural network architectures on different domains using Keras
Integrate neural network models in your applications using this
highly practical guide Get ready for the future of neural networks
through transfer learning and predicting multi network models Book
DescriptionNeural networks are used to solve a wide range of
problems in different areas of AI and deep learning. Hands-On
Neural Networks with Keras will start with teaching you about the
core concepts of neural networks. You will delve into combining
different neural network models and work with real-world use cases,
including computer vision, natural language understanding,
synthetic data generation, and many more. Moving on, you will
become well versed with convolutional neural networks (CNNs),
recurrent neural networks (RNNs), long short-term memory (LSTM)
networks, autoencoders, and generative adversarial networks (GANs)
using real-world training datasets. We will examine how to use CNNs
for image recognition, how to use reinforcement learning agents,
and many more. We will dive into the specific architectures of
various networks and then implement each of them in a hands-on
manner using industry-grade frameworks. By the end of this book,
you will be highly familiar with all prominent deep learning models
and frameworks, and the options you have when applying deep
learning to real-world scenarios and embedding artificial
intelligence as the core fabric of your organization. What you will
learn Understand the fundamental nature and workflow of predictive
data modeling Explore how different types of visual and linguistic
signals are processed by neural networks Dive into the mathematical
and statistical ideas behind how networks learn from data Design
and implement various neural networks such as CNNs, LSTMs, and GANs
Use different architectures to tackle cognitive tasks and embed
intelligence in systems Learn how to generate synthetic data and
use augmentation strategies to improve your models Stay on top of
the latest academic and commercial developments in the field of AI
Who this book is forThis book is for machine learning
practitioners, deep learning researchers and AI enthusiasts who are
looking to get well versed with different neural network
architecture using Keras. Working knowledge of Python programming
language is mandatory.
Perform supervised and unsupervised machine learning and learn
advanced techniques such as training neural networks. Key Features
Train your own models for effective prediction, using high-level
Keras API Perform supervised and unsupervised machine learning and
learn advanced techniques such as training neural networks Get
acquainted with some new practices introduced in TensorFlow 2.0
Alpha Book DescriptionTensorFlow is one of the most popular machine
learning frameworks in Python. With this book, you will improve
your knowledge of some of the latest TensorFlow features and will
be able to perform supervised and unsupervised machine learning and
also train neural networks. After giving you an overview of what's
new in TensorFlow 2.0 Alpha, the book moves on to setting up your
machine learning environment using the TensorFlow library. You will
perform popular supervised machine learning tasks using techniques
such as linear regression, logistic regression, and clustering. You
will get familiar with unsupervised learning for autoencoder
applications. The book will also show you how to train effective
neural networks using straightforward examples in a variety of
different domains. By the end of the book, you will have been
exposed to a large variety of machine learning and neural network
TensorFlow techniques. What you will learn Use tf.Keras for fast
prototyping, building, and training deep learning neural network
models Easily convert your TensorFlow 1.12 applications to
TensorFlow 2.0-compatible files Use TensorFlow to tackle
traditional supervised and unsupervised machine learning
applications Understand image recognition techniques using
TensorFlow Perform neural style transfer for image hybridization
using a neural network Code a recurrent neural network in
TensorFlow to perform text-style generation Who this book is
forData scientists, machine learning developers, and deep learning
enthusiasts looking to quickly get started with TensorFlow 2 will
find this book useful. Some Python programming experience with
version 3.6 or later, along with a familiarity with Jupyter
notebooks will be an added advantage. Exposure to machine learning
and neural network techniques would also be helpful.
Take a comprehensive and step-by-step approach to understanding
machine learning Key Features Discover how to apply the
scikit-learn uniform API in all types of machine learning models
Understand the difference between supervised and unsupervised
learning models Reinforce your understanding of machine learning
concepts by working on real-world examples Book DescriptionMachine
learning algorithms are an integral part of almost all modern
applications. To make the learning process faster and more
accurate, you need a tool flexible and powerful enough to help you
build machine learning algorithms quickly and easily. With The
Machine Learning Workshop, you'll master the scikit-learn library
and become proficient in developing clever machine learning
algorithms. The Machine Learning Workshop begins by demonstrating
how unsupervised and supervised learning algorithms work by
analyzing a real-world dataset of wholesale customers. Once you've
got to grips with the basics, you'll develop an artificial neural
network using scikit-learn and then improve its performance by
fine-tuning hyperparameters. Towards the end of the workshop,
you'll study the dataset of a bank's marketing activities and build
machine learning models that can list clients who are likely to
subscribe to a term deposit. You'll also learn how to compare these
models and select the optimal one. By the end of The Machine
Learning Workshop, you'll not only have learned the difference
between supervised and unsupervised models and their applications
in the real world, but you'll also have developed the skills
required to get started with programming your very own machine
learning algorithms. What you will learn Understand how to select
an algorithm that best fits your dataset and desired outcome
Explore popular real-world algorithms such as K-means, Mean-Shift,
and DBSCAN Discover different approaches to solve machine learning
classification problems Develop neural network structures using the
scikit-learn package Use the NN algorithm to create models for
predicting future outcomes Perform error analysis to improve your
model's performance Who this book is forThe Machine Learning
Workshop is perfect for machine learning beginners. You will need
Python programming experience, though no prior knowledge of
scikit-learn and machine learning is necessary.
Implement reinforcement learning techniques and algorithms with the
help of real-world examples and recipes Key Features Use PyTorch
1.x to design and build self-learning artificial intelligence (AI)
models Implement RL algorithms to solve control and optimization
challenges faced by data scientists today Apply modern RL libraries
to simulate a controlled environment for your projects Book
DescriptionReinforcement learning (RL) is a branch of machine
learning that has gained popularity in recent times. It allows you
to train AI models that learn from their own actions and optimize
their behavior. PyTorch has also emerged as the preferred tool for
training RL models because of its efficiency and ease of use. With
this book, you'll explore the important RL concepts and the
implementation of algorithms in PyTorch 1.x. The recipes in the
book, along with real-world examples, will help you master various
RL techniques, such as dynamic programming, Monte Carlo
simulations, temporal difference, and Q-learning. You'll also gain
insights into industry-specific applications of these techniques.
Later chapters will guide you through solving problems such as the
multi-armed bandit problem and the cartpole problem using the
multi-armed bandit algorithm and function approximation. You'll
also learn how to use Deep Q-Networks to complete Atari games,
along with how to effectively implement policy gradients. Finally,
you'll discover how RL techniques are applied to Blackjack,
Gridworld environments, internet advertising, and the Flappy Bird
game. By the end of this book, you'll have developed the skills you
need to implement popular RL algorithms and use RL techniques to
solve real-world problems. What you will learn Use Q-learning and
the state-action-reward-state-action (SARSA) algorithm to solve
various Gridworld problems Develop a multi-armed bandit algorithm
to optimize display advertising Scale up learning and control
processes using Deep Q-Networks Simulate Markov Decision Processes,
OpenAI Gym environments, and other common control problems Select
and build RL models, evaluate their performance, and optimize and
deploy them Use policy gradient methods to solve continuous RL
problems Who this book is forMachine learning engineers, data
scientists and AI researchers looking for quick solutions to
different reinforcement learning problems will find this book
useful. Although prior knowledge of machine learning concepts is
required, experience with PyTorch will be useful but not necessary.
Foster your NLP applications with the help of deep learning, NLTK,
and TensorFlow Key Features Weave neural networks into linguistic
applications across various platforms Perform NLP tasks and train
its models using NLTK and TensorFlow Boost your NLP models with
strong deep learning architectures such as CNNs and RNNs Book
DescriptionNatural language processing (NLP) has found its
application in various domains, such as web search, advertisements,
and customer services, and with the help of deep learning, we can
enhance its performances in these areas. Hands-On Natural Language
Processing with Python teaches you how to leverage deep learning
models for performing various NLP tasks, along with best practices
in dealing with today's NLP challenges. To begin with, you will
understand the core concepts of NLP and deep learning, such as
Convolutional Neural Networks (CNNs), recurrent neural networks
(RNNs), semantic embedding, Word2vec, and more. You will learn how
to perform each and every task of NLP using neural networks, in
which you will train and deploy neural networks in your NLP
applications. You will get accustomed to using RNNs and CNNs in
various application areas, such as text classification and sequence
labeling, which are essential in the application of sentiment
analysis, customer service chatbots, and anomaly detection. You
will be equipped with practical knowledge in order to implement
deep learning in your linguistic applications using Python's
popular deep learning library, TensorFlow. By the end of this book,
you will be well versed in building deep learning-backed NLP
applications, along with overcoming NLP challenges with best
practices developed by domain experts. What you will learn
Implement semantic embedding of words to classify and find entities
Convert words to vectors by training in order to perform arithmetic
operations Train a deep learning model to detect classification of
tweets and news Implement a question-answer model with search and
RNN models Train models for various text classification datasets
using CNN Implement WaveNet a deep generative model for producing a
natural-sounding voice Convert voice-to-text and text-to-voice
Train a model to convert speech-to-text using DeepSpeech Who this
book is forHands-on Natural Language Processing with Python is for
you if you are a developer, machine learning or an NLP engineer who
wants to build a deep learning application that leverages NLP
techniques. This comprehensive guide is also useful for deep
learning users who want to extend their deep learning skills in
building NLP applications. All you need is the basics of machine
learning and Python to enjoy the book.
Design and use machine learning models for music generation using
Magenta and make them interact with existing music creation tools
Key Features Learn how machine learning, deep learning, and
reinforcement learning are used in music generation Generate new
content by manipulating the source data using Magenta utilities,
and train machine learning models with it Explore various Magenta
projects such as Magenta Studio, MusicVAE, and NSynth Book
DescriptionThe importance of machine learning (ML) in art is
growing at a rapid pace due to recent advancements in the field,
and Magenta is at the forefront of this innovation. With this book,
you'll follow a hands-on approach to using ML models for music
generation, learning how to integrate them into an existing music
production workflow. Complete with practical examples and
explanations of the theoretical background required to understand
the underlying technologies, this book is the perfect starting
point to begin exploring music generation. The book will help you
learn how to use the models in Magenta for generating percussion
sequences, monophonic and polyphonic melodies in MIDI, and
instrument sounds in raw audio. Through practical examples and
in-depth explanations, you'll understand ML models such as RNNs,
VAEs, and GANs. Using this knowledge, you'll create and train your
own models for advanced music generation use cases, along with
preparing new datasets. Finally, you'll get to grips with
integrating Magenta with other technologies, such as digital audio
workstations (DAWs), and using Magenta.js to distribute music
generation apps in the browser. By the end of this book, you'll be
well-versed with Magenta and have developed the skills you need to
use ML models for music generation in your own style. What you will
learn Use RNN models in Magenta to generate MIDI percussion, and
monophonic and polyphonic sequences Use WaveNet and GAN models to
generate instrument notes in the form of raw audio Employ
Variational Autoencoder models like MusicVAE and GrooVAE to sample,
interpolate, and humanize existing sequences Prepare and create
your dataset on specific styles and instruments Train your network
on your personal datasets and fix problems when training networks
Apply MIDI to synchronize Magenta with existing music production
tools like DAWs Who this book is forThis book is for technically
inclined artists and musically inclined computer scientists.
Readers who want to get hands-on with building generative music
applications that use deep learning will also find this book
useful. Although prior musical or technical competence is not
required, basic knowledge of the Python programming language is
assumed.
Simplify your DevOps roles with DevOps tools and techniques Key
Features Learn to utilize business resources effectively to
increase productivity and collaboration Leverage the ultimate open
source DevOps tools to achieve continuous integration and
continuous delivery (CI/CD) Ensure faster time-to-market by
reducing overall lead time and deployment downtime Book
DescriptionThe implementation of DevOps processes requires the
efficient use of various tools, and the choice of these tools is
crucial for the sustainability of projects and collaboration
between development (Dev) and operations (Ops). This book presents
the different patterns and tools that you can use to provision and
configure an infrastructure in the cloud. You'll begin by
understanding DevOps culture, the application of DevOps in cloud
infrastructure, provisioning with Terraform, configuration with
Ansible, and image building with Packer. You'll then be taken
through source code versioning with Git and the construction of a
DevOps CI/CD pipeline using Jenkins, GitLab CI, and Azure
Pipelines. This DevOps handbook will also guide you in
containerizing and deploying your applications with Docker and
Kubernetes. You'll learn how to reduce deployment downtime with
blue-green deployment and the feature flags technique, and study
DevOps practices for open source projects. Finally, you'll grasp
some best practices for reducing the overall application lead time
to ensure faster time to market. By the end of this book, you'll
have built a solid foundation in DevOps, and developed the skills
necessary to enhance a traditional software delivery process using
modern software delivery tools and techniques What you will learn
Become well versed with DevOps culture and its practices Use
Terraform and Packer for cloud infrastructure provisioning
Implement Ansible for infrastructure configuration Use basic Git
commands and understand the Git flow process Build a DevOps
pipeline with Jenkins, Azure Pipelines, and GitLab CI Containerize
your applications with Docker and Kubernetes Check application
quality with SonarQube and Postman Protect DevOps processes and
applications using DevSecOps tools Who this book is forIf you are a
developer or a system administrator interested in understanding
continuous integration, continuous delivery, and containerization
with DevOps tools and techniques, this book is for you.
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.
Leverage the power of various Google Cloud AI Services by building
a smart web application using MEAN Stack Key Features Start working
with the Google Cloud Platform and the AI services it offers Build
smart web applications by combining the power of Google Cloud AI
services and the MEAN stack Build a web-based dashboard of smart
applications that perform language processing, translation, and
computer vision on the cloud Book DescriptionCognitive services are
the new way of adding intelligence to applications and services.
Now we can use Artificial Intelligence as a service that can be
consumed by any application or other service, to add smartness and
make the end result more practical and useful. Google Cloud AI
enables you to consume Artificial Intelligence within your
applications, from a REST API. Text, video and speech analysis are
among the powerful machine learning features that can be used. This
book is the easiest way to get started with the Google Cloud AI
services suite and open up the world of smarter applications. This
book will help you build a Smart Exchange, a forum application that
will let you upload videos, images and perform text to speech
conversions and translation services. You will use the power of
Google Cloud AI Services to make our simple forum application smart
by validating the images, videos, and text provided by users to
Google Cloud AI Services and make sure the content which is
uploaded follows the forum standards, without a human curator
involvement. You will learn how to work with the Vision API, Video
Intelligence API, Speech Recognition API, Cloud Language Process,
and Cloud Translation API services to make your application
smarter. By the end of this book, you will have a strong
understanding of working with Google Cloud AI Services, and be well
on the way to building smarter applications. What you will learn
Understand Google Cloud Platform and its Cloud AI services Explore
the Google ML Services Work with an Angular 5 MEAN stack
application Integrate Vision API, Video Intelligence API for
computer vision Be ready for conversational experiences with the
Speech Recognition API, Cloud Language Process and Cloud
Translation API services Build a smart web application that uses
the power of Google Cloud AI services to make apps smarter Who this
book is forThis book is ideal for data professionals and web
developers who want to use the power of Google Cloud AI services in
their projects, without the going through the pain of mastering
machine learning for images, videos and text. Some familiarity with
the Google Cloud Platform will be helpful.
Discover a project-based approach to mastering machine learning
concepts by applying them to everyday problems using libraries such
as scikit-learn, TensorFlow, and Keras Key Features Get to grips
with Python's machine learning libraries including scikit-learn,
TensorFlow, and Keras Implement advanced concepts and popular
machine learning algorithms in real-world projects Build analytics,
computer vision, and neural network projects Book
DescriptionMachine learning is transforming the way we understand
and interact with the world around us. This book is the perfect
guide for you to put your knowledge and skills into practice and
use the Python ecosystem to cover key domains in machine learning.
This second edition covers a range of libraries from the Python
ecosystem, including TensorFlow and Keras, to help you implement
real-world machine learning projects. The book begins by giving you
an overview of machine learning with Python. With the help of
complex datasets and optimized techniques, you'll go on to
understand how to apply advanced concepts and popular machine
learning algorithms to real-world projects. Next, you'll cover
projects from domains such as predictive analytics to analyze the
stock market and recommendation systems for GitHub repositories. In
addition to this, you'll also work on projects from the NLP domain
to create a custom news feed using frameworks such as scikit-learn,
TensorFlow, and Keras. Following this, you'll learn how to build an
advanced chatbot, and scale things up using PySpark. In the
concluding chapters, you can look forward to exciting insights into
deep learning and you'll even create an application using computer
vision and neural networks. By the end of this book, you'll be able
to analyze data seamlessly and make a powerful impact through your
projects. What you will learn Understand the Python data science
stack and commonly used algorithms Build a model to forecast the
performance of an Initial Public Offering (IPO) over an initial
discrete trading window Understand NLP concepts by creating a
custom news feed Create applications that will recommend GitHub
repositories based on ones you've starred, watched, or forked Gain
the skills to build a chatbot from scratch using PySpark Develop a
market-prediction app using stock data Delve into advanced concepts
such as computer vision, neural networks, and deep learning Who
this book is forThis book is for machine learning practitioners,
data scientists, and deep learning enthusiasts who want to take
their machine learning skills to the next level by building
real-world projects. The intermediate-level guide will help you to
implement libraries from the Python ecosystem to build a variety of
projects addressing various machine learning domains. Knowledge of
Python programming and machine learning concepts will be helpful.
While cognitive informatics and natural intelligence are receiving
greater attention by researchers, multidisciplinary approaches
still struggle with fundamental problems involving psychology and
neurobiological processes of the brain. Examining the difficulties
of certain approaches using the tools already available is vital
for propelling knowledge forward and making further strides.
Innovations, Algorithms, and Applications in Cognitive Informatics
and Natural Intelligence is a collection of innovative research
that examines the enhancement of human cognitive performance using
emerging technologies. Featuring research on topics such as
parallel computing, neuroscience, and signal processing, this book
is ideally designed for engineers, computer scientists,
programmers, academicians, researchers, and students.
Leverage the power of the Reinforcement Learning techniques to
develop self-learning systems using Tensorflow Key Features Learn
reinforcement learning concepts and their implementation using
TensorFlow Discover different problem-solving methods for
Reinforcement Learning Apply reinforcement learning for autonomous
driving cars, robobrokers, and more Book DescriptionReinforcement
Learning (RL), allows you to develop smart, quick and self-learning
systems in your business surroundings. It is an effective method to
train your learning agents and solve a variety of problems in
Artificial Intelligence-from games, self-driving cars and robots to
enterprise applications that range from datacenter energy saving
(cooling data centers) to smart warehousing solutions. The book
covers the major advancements and successes achieved in deep
reinforcement learning by synergizing deep neural network
architectures with reinforcement learning. The book also introduces
readers to the concept of Reinforcement Learning, its advantages
and why it's gaining so much popularity. The book also discusses on
MDPs, Monte Carlo tree searches, dynamic programming such as policy
and value iteration, temporal difference learning such as
Q-learning and SARSA. You will use TensorFlow and OpenAI Gym to
build simple neural network models that learn from their own
actions. You will also see how reinforcement learning algorithms
play a role in games, image processing and NLP. By the end of this
book, you will have a firm understanding of what reinforcement
learning is and how to put your knowledge to practical use by
leveraging the power of TensorFlow and OpenAI Gym. What you will
learn Implement state-of-the-art Reinforcement Learning algorithms
from the basics Discover various techniques of Reinforcement
Learning such as MDP, Q Learning and more Learn the applications of
Reinforcement Learning in advertisement, image processing, and NLP
Teach a Reinforcement Learning model to play a game using
TensorFlow and the OpenAI gym Understand how Reinforcement Learning
Applications are used in robotics Who this book is forIf you want
to get started with reinforcement learning using TensorFlow in the
most practical way, this book will be a useful resource. The book
assumes prior knowledge of machine learning and neural network
programming concepts, as well as some understanding of the
TensorFlow framework. No previous experience with Reinforcement
Learning is required.
|
|