|
|
Books > Computing & IT > Applications of computing > Artificial intelligence > Neural networks
Leverage Python source code to revolutionize your short selling
strategy and to consistently make profits in bull, bear, and
sideways markets Key Features Understand techniques such as trend
following, mean reversion, position sizing, and risk management in
a short-selling context Implement Python source code to explore and
develop your own investment strategy Test your trading strategies
to limit risk and increase profits Book DescriptionIf you are in
the long/short business, learning how to sell short is not a
choice. Short selling is the key to raising assets under
management. This book will help you demystify and hone the short
selling craft, providing Python source code to construct a robust
long/short portfolio. It discusses fundamental and advanced trading
concepts from the perspective of a veteran short seller. This book
will take you on a journey from an idea ("buy bullish stocks, sell
bearish ones") to becoming part of the elite club of long/short
hedge fund algorithmic traders. You'll explore key concepts such as
trading psychology, trading edge, regime definition, signal
processing, position sizing, risk management, and asset allocation,
one obstacle at a time. Along the way, you'll will discover simple
methods to consistently generate investment ideas, and consider
variables that impact returns, volatility, and overall
attractiveness of returns. By the end of this book, you'll not only
become familiar with some of the most sophisticated concepts in
capital markets, but also have Python source code to construct a
long/short product that investors are bound to find attractive.
What you will learn Develop the mindset required to win the
infinite, complex, random game called the stock market Demystify
short selling in order to generate alpa in bull, bear, and sideways
markets Generate ideas consistently on both sides of the portfolio
Implement Python source code to engineer a statistically robust
trading edge Develop superior risk management habits Build a
long/short product that investors will find appealing Who this book
is forThis is a book by a practitioner for practitioners. It is
designed to benefit a wide range of people, including long/short
market participants, quantitative participants, proprietary
traders, commodity trading advisors, retail investors (pro
retailers, students, and retail quants), and long-only investors.
At least 2 years of active trading experience, intermediate-level
experience of the Python programming language, and basic
mathematical literacy (basic statistics and algebra) are expected.
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.
Use Java and Deeplearning4j to build robust, scalable, and highly
accurate AI models from scratch Key Features Install and configure
Deeplearning4j to implement deep learning models from scratch
Explore recipes for developing, training, and fine-tuning your
neural network models in Java Model neural networks using datasets
containing images, text, and time-series data Book DescriptionJava
is one of the most widely used programming languages in the world.
With this book, you will see how to perform deep learning using
Deeplearning4j (DL4J) - the most popular Java library for training
neural networks efficiently. This book starts by showing you how to
install and configure Java and DL4J on your system. You will then
gain insights into deep learning basics and use your knowledge to
create a deep neural network for binary classification from
scratch. As you progress, you will discover how to build a
convolutional neural network (CNN) in DL4J, and understand how to
construct numeric vectors from text. This deep learning book will
also guide you through performing anomaly detection on unsupervised
data and help you set up neural networks in distributed systems
effectively. In addition to this, you will learn how to import
models from Keras and change the configuration in a pre-trained
DL4J model. Finally, you will explore benchmarking in DL4J and
optimize neural networks for optimal results. By the end of this
book, you will have a clear understanding of how you can use DL4J
to build robust deep learning applications in Java. What you will
learn Perform data normalization and wrangling using DL4J Build
deep neural networks using DL4J Implement CNNs to solve image
classification problems Train autoencoders to solve anomaly
detection problems using DL4J Perform benchmarking and optimization
to improve your model's performance Implement reinforcement
learning for real-world use cases using RL4J Leverage the
capabilities of DL4J in distributed systems Who this book is forIf
you are a data scientist, machine learning developer, or a deep
learning enthusiast who wants to implement deep learning models in
Java, this book is for you. Basic understanding of Java programming
as well as some experience with machine learning and neural
networks is required to get the most out of this book.
One-stop solution for NLP practitioners, ML developers, and data
scientists to build effective NLP systems that can perform
real-world complicated tasks Key Features Apply deep learning
algorithms and techniques such as BiLSTMS, CRFs, BPE and more using
TensorFlow 2 Explore applications like text generation,
summarization, weakly supervised labelling and more Read cutting
edge material with seminal papers provided in the GitHub repository
with full working code Book DescriptionRecently, there have been
tremendous advances in NLP, and we are now moving from research
labs into practical applications. This book comes with a perfect
blend of both the theoretical and practical aspects of trending and
complex NLP techniques. The book is focused on innovative
applications in the field of NLP, language generation, and dialogue
systems. It helps you apply the concepts of pre-processing text
using techniques such as tokenization, parts of speech tagging, and
lemmatization using popular libraries such as Stanford NLP and
SpaCy. You will build Named Entity Recognition (NER) from scratch
using Conditional Random Fields and Viterbi Decoding on top of
RNNs. The book covers key emerging areas such as generating text
for use in sentence completion and text summarization, bridging
images and text by generating captions for images, and managing
dialogue aspects of chatbots. You will learn how to apply transfer
learning and fine-tuning using TensorFlow 2. Further, it covers
practical techniques that can simplify the labelling of textual
data. The book also has a working code that is adaptable to your
use cases for each tech piece. By the end of the book, you will
have an advanced knowledge of the tools, techniques and deep
learning architecture used to solve complex NLP problems. What you
will learn Grasp important pre-steps in building NLP applications
like POS tagging Use transfer and weakly supervised learning using
libraries like Snorkel Do sentiment analysis using BERT Apply
encoder-decoder NN architectures and beam search for summarizing
texts Use Transformer models with attention to bring images and
text together Build apps that generate captions and answer
questions about images using custom Transformers Use advanced
TensorFlow techniques like learning rate annealing, custom layers,
and custom loss functions to build the latest DeepNLP models Who
this book is forThis is not an introductory book and assumes the
reader is familiar with basics of NLP and has fundamental Python
skills, as well as basic knowledge of machine learning and
undergraduate-level calculus and linear algebra. The readers who
can benefit the most from this book include intermediate ML
developers who are familiar with the basics of supervised learning
and deep learning techniques and professionals who already use
TensorFlow/Python for purposes such as data science, ML, research,
analysis, etc.
Get to grips with building powerful deep learning models using
PyTorch and scikit-learn Key Features Learn how you can speed up
the deep learning process with one-shot learning Use Python and
PyTorch to build state-of-the-art one-shot learning models Explore
architectures such as Siamese networks, memory-augmented neural
networks, model-agnostic meta-learning, and discriminative k-shot
learning Book DescriptionOne-shot learning has been an active field
of research for scientists trying to develop a cognitive machine
that mimics human learning. With this book, you'll explore key
approaches to one-shot learning, such as metrics-based,
model-based, and optimization-based techniques, all with the help
of practical examples. Hands-On One-shot Learning with Python will
guide you through the exploration and design of deep learning
models that can obtain information about an object from one or just
a few training samples. The book begins with an overview of deep
learning and one-shot learning and then introduces you to the
different methods you can use to achieve it, such as deep learning
architectures and probabilistic models. Once you've got to grips
with the core principles, you'll explore real-world examples and
implementations of one-shot learning using PyTorch 1.x on datasets
such as Omniglot and MiniImageNet. Finally, you'll explore
generative modeling-based methods and discover the key
considerations for building systems that exhibit human-level
intelligence. By the end of this book, you'll be well-versed with
the different one- and few-shot learning methods and be able to use
them to build your own deep learning models. What you will learn
Get to grips with the fundamental concepts of one- and few-shot
learning Work with different deep learning architectures for
one-shot learning Understand when to use one-shot and transfer
learning, respectively Study the Bayesian network approach for
one-shot learning Implement one-shot learning approaches based on
metrics, models, and optimization in PyTorch Discover different
optimization algorithms that help to improve accuracy even with
smaller volumes of data Explore various one-shot learning
architectures based on classification and regression Who this book
is forIf you're an AI researcher or a machine learning or deep
learning expert looking to explore one-shot learning, this book is
for you. It will help you get started with implementing various
one-shot techniques to train models faster. Some Python programming
experience is necessary to understand the concepts covered in this
book.
Get to grips with key structural changes in TensorFlow 2.0 Key
Features Explore TF Keras APIs and strategies to run GPUs, TPUs,
and compatible APIs across the TensorFlow ecosystem Learn and
implement best practices for building data ingestion pipelines
using TF 2.0 APIs Migrate your existing code from TensorFlow 1.x to
TensorFlow 2.0 seamlessly Book DescriptionTensorFlow is an
end-to-end machine learning platform for experts as well as
beginners, and its new version, TensorFlow 2.0 (TF 2.0), improves
its simplicity and ease of use. This book will help you understand
and utilize the latest TensorFlow features. What's New in
TensorFlow 2.0 starts by focusing on advanced concepts such as the
new TensorFlow Keras APIs, eager execution, and efficient
distribution strategies that help you to run your machine learning
models on multiple GPUs and TPUs. The book then takes you through
the process of building data ingestion and training pipelines, and
it provides recommendations and best practices for feeding data to
models created using the new tf.keras API. You'll explore the
process of building an inference pipeline using TF Serving and
other multi-platform deployments before moving on to explore the
newly released AIY, which is essentially do-it-yourself AI. This
book delves into the core APIs to help you build unified
convolutional and recurrent layers and use TensorBoard to visualize
deep learning models using what-if analysis. By the end of the
book, you'll have learned about compatibility between TF 2.0 and TF
1.x and be able to migrate to TF 2.0 smoothly. What you will learn
Implement tf.keras APIs in TF 2.0 to build, train, and deploy
production-grade models Build models with Keras integration and
eager execution Explore distribution strategies to run models on
GPUs and TPUs Perform what-if analysis with TensorBoard across a
variety of models Discover Vision Kit, Voice Kit, and the Edge TPU
for model deployments Build complex input data pipelines for
ingesting large training datasets Who this book is forIf you're a
data scientist, machine learning practitioner, deep learning
researcher, or AI enthusiast who wants to migrate code to
TensorFlow 2.0 and explore the latest features of TensorFlow 2.0,
this book is for you. Prior experience with TensorFlow and Python
programming is necessary to understand the concepts covered in the
book.
An example-rich guide for beginners to start their reinforcement
and deep reinforcement learning journey with state-of-the-art
distinct algorithms Key Features Covers a vast spectrum of
basic-to-advanced RL algorithms with mathematical explanations of
each algorithm Learn how to implement algorithms with code by
following examples with line-by-line explanations Explore the
latest RL methodologies such as DDPG, PPO, and the use of expert
demonstrations Book DescriptionWith significant enhancements in the
quality and quantity of algorithms in recent years, this second
edition of Hands-On Reinforcement Learning with Python has been
revamped into an example-rich guide to learning state-of-the-art
reinforcement learning (RL) and deep RL algorithms with TensorFlow
2 and the OpenAI Gym toolkit. In addition to exploring RL basics
and foundational concepts such as Bellman equation, Markov decision
processes, and dynamic programming algorithms, this second edition
dives deep into the full spectrum of value-based, policy-based, and
actor-critic RL methods. It explores state-of-the-art algorithms
such as DQN, TRPO, PPO and ACKTR, DDPG, TD3, and SAC in depth,
demystifying the underlying math and demonstrating implementations
through simple code examples. The book has several new chapters
dedicated to new RL techniques, including distributional RL,
imitation learning, inverse RL, and meta RL. You will learn to
leverage stable baselines, an improvement of OpenAI's baseline
library, to effortlessly implement popular RL algorithms. The book
concludes with an overview of promising approaches such as
meta-learning and imagination augmented agents in research. By the
end, you will become skilled in effectively employing RL and deep
RL in your real-world projects. What you will learn Understand core
RL concepts including the methodologies, math, and code Train an
agent to solve Blackjack, FrozenLake, and many other problems using
OpenAI Gym Train an agent to play Ms Pac-Man using a Deep Q Network
Learn policy-based, value-based, and actor-critic methods Master
the math behind DDPG, TD3, TRPO, PPO, and many others Explore new
avenues such as the distributional RL, meta RL, and inverse RL Use
Stable Baselines to train an agent to walk and play Atari games Who
this book is forIf you're a machine learning developer with little
or no experience with neural networks interested in artificial
intelligence and want to learn about reinforcement learning from
scratch, this book is for you. Basic familiarity with linear
algebra, calculus, and the Python programming language is required.
Some experience with TensorFlow would be a plus.
Understand the key aspects and challenges of machine learning
interpretability, learn how to overcome them with interpretation
methods, and leverage them to build fairer, safer, and more
reliable models Key Features Learn how to extract
easy-to-understand insights from any machine learning model Become
well-versed with interpretability techniques to build fairer,
safer, and more reliable models Mitigate risks in AI systems before
they have broader implications by learning how to debug black-box
models Book DescriptionDo you want to understand your models and
mitigate risks associated with poor predictions using machine
learning (ML) interpretation? Interpretable Machine Learning with
Python can help you work effectively with ML models. The first
section of the book is a beginner's guide to interpretability,
covering its relevance in business and exploring its key aspects
and challenges. You'll focus on how white-box models work, compare
them to black-box and glass-box models, and examine their
trade-off. The second section will get you up to speed with a vast
array of interpretation methods, also known as Explainable AI (XAI)
methods, and how to apply them to different use cases, be it for
classification or regression, for tabular, time-series, image or
text. In addition to the step-by-step code, the book also helps the
reader to interpret model outcomes using examples. In the third
section, you'll get hands-on with tuning models and training data
for interpretability by reducing complexity, mitigating bias,
placing guardrails, and enhancing reliability. The methods you'll
explore here range from state-of-the-art feature selection and
dataset debiasing methods to monotonic constraints and adversarial
retraining. By the end of this book, you'll be able to understand
ML models better and enhance them through interpretability tuning.
What you will learn Recognize the importance of interpretability in
business Study models that are intrinsically interpretable such as
linear models, decision trees, and Naive Bayes Become well-versed
in interpreting models with model-agnostic methods Visualize how an
image classifier works and what it learns Understand how to
mitigate the influence of bias in datasets Discover how to make
models more reliable with adversarial robustness Use monotonic
constraints to make fairer and safer models Who this book is
forThis book is for data scientists, machine learning developers,
and data stewards who have an increasingly critical responsibility
to explain how the AI systems they develop work, their impact on
decision making, and how they identify and manage bias. Working
knowledge of machine learning and the Python programming language
is expected.
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.
Processing information and analyzing data efficiently and
effectively is crucial for any company that wishes to stay
competitive in its respective market. Nonlinear data presents new
challenges to organizations, however, due to its complexity and
unpredictability. The only technology that can properly handle this
form of data is artificial neural networks. These modeling systems
present a high level of benefits in analyzing complex data in a
proficient manner, yet considerable research on the specific
applications of these intelligent components is significantly
deficient. Applications of Artificial Neural Networks for Nonlinear
Data is a collection of innovative research on the contemporary
nature of artificial neural networks and their specific
implementations within data analysis. While highlighting topics
including propagation functions, optimization techniques, and
learning methodologies, this book is ideally designed for
researchers, statisticians, academicians, developers, scientists,
practitioners, students, and educators seeking current research on
the use of artificial neural networks in diagnosing and solving
nonparametric problems.
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.
Master advanced techniques and algorithms for deep learning with
PyTorch using real-world examples Key Features Understand how to
use PyTorch 1.x to build advanced neural network models Learn to
perform a wide range of tasks by implementing deep learning
algorithms and techniques Gain expertise in domains such as
computer vision, NLP, Deep RL, Explainable AI, and much more Book
DescriptionDeep learning is driving the AI revolution, and PyTorch
is making it easier than ever before for anyone to build deep
learning applications. This PyTorch book will help you uncover
expert techniques to get the most out of your data and build
complex neural network models. The book starts with a quick
overview of PyTorch and explores using convolutional neural network
(CNN) architectures for image classification. You'll then work with
recurrent neural network (RNN) architectures and transformers for
sentiment analysis. As you advance, you'll apply deep learning
across different domains, such as music, text, and image generation
using generative models and explore the world of generative
adversarial networks (GANs). You'll not only build and train your
own deep reinforcement learning models in PyTorch but also deploy
PyTorch models to production using expert tips and techniques.
Finally, you'll get to grips with training large models efficiently
in a distributed manner, searching neural architectures effectively
with AutoML, and rapidly prototyping models using PyTorch and
fast.ai. By the end of this PyTorch book, you'll be able to perform
complex deep learning tasks using PyTorch to build smart artificial
intelligence models. What you will learn Implement text and music
generating models using PyTorch Build a deep Q-network (DQN) model
in PyTorch Export universal PyTorch models using Open Neural
Network Exchange (ONNX) Become well-versed with rapid prototyping
using PyTorch with fast.ai Perform neural architecture search
effectively using AutoML Easily interpret machine learning (ML)
models written in PyTorch using Captum Design ResNets, LSTMs,
Transformers, and more using PyTorch Find out how to use PyTorch
for distributed training using the torch.distributed API Who this
book is forThis book is for data scientists, machine learning
researchers, and deep learning practitioners looking to implement
advanced deep learning paradigms using PyTorch 1.x. Working
knowledge of deep learning with Python programming is required.
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.
Leverage the power of reward-based training for your deep learning
models with Python Key Features Understand Q-learning algorithms to
train neural networks using Markov Decision Process (MDP) Study
practical deep reinforcement learning using Q-Networks Explore
state-based unsupervised learning for machine learning models Book
DescriptionQ-learning is a machine learning algorithm used to solve
optimization problems in artificial intelligence (AI). It is one of
the most popular fields of study among AI researchers. This book
starts off by introducing you to reinforcement learning and
Q-learning, in addition to helping you get familiar with OpenAI Gym
as well as libraries such as Keras and TensorFlow. A few chapters
into the book, you will gain insights into modelfree Q-learning and
use deep Q-networks and double deep Q-networks to solve complex
problems. This book will guide you in exploring use cases such as
self-driving vehicles and OpenAI Gym's CartPole problem. You will
also learn how to tune and optimize Q-networks and their
hyperparameters. As you progress, you will understand the
reinforcement learning approach to solving real-world problems. You
will also explore how to use Q-learning and related algorithms in
real-world applications such as scientific research. Toward the
end, you'll gain a sense of what's in store for reinforcement
learning. By the end of this book, you will be equipped with the
skills you need to solve reinforcement learning problems using
Q-learning algorithms with OpenAI Gym, Keras, and TensorFlow. What
you will learn Explore the fundamentals of reinforcement learning
and the state-action-reward process Understand Markov decision
processes Get well versed with libraries such as Keras, and
TensorFlow Create and deploy model-free learning and deep
Q-learning agents with TensorFlow, Keras, and OpenAI Gym Choose and
optimize a Q-Network's learning parameters and fine-tune its
performance Discover real-world applications and use cases of
Q-learning Who this book is forIf you are a machine learning
developer, engineer, or professional who wants to delve into the
deep learning approach for a complex environment, then this is the
book for you. Proficiency in Python programming and basic
understanding of decision-making in reinforcement learning is
assumed.
|
|