|
Books > Computing & IT > Applications of computing > Artificial intelligence > Neural networks
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.
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.
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.
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.
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.
Apply deep learning techniques and neural network methodologies to
build, train, and optimize generative network models Key Features
Implement GAN architectures to generate images, text, audio, 3D
models, and more Understand how GANs work and become an active
contributor in the open source community Learn how to generate
photo-realistic images based on text descriptions Book
DescriptionWith continuously evolving research and development,
Generative Adversarial Networks (GANs) are the next big thing in
the field of deep learning. This book highlights the key
improvements in GANs over generative models and guides in making
the best out of GANs with the help of hands-on examples. This book
starts by taking you through the core concepts necessary to
understand how each component of a GAN model works. You'll build
your first GAN model to understand how generator and discriminator
networks function. As you advance, you'll delve into a range of
examples and datasets to build a variety of GAN networks using
PyTorch functionalities and services, and become well-versed with
architectures, training strategies, and evaluation methods for
image generation, translation, and restoration. You'll even learn
how to apply GAN models to solve problems in areas such as computer
vision, multimedia, 3D models, and natural language processing
(NLP). The book covers how to overcome the challenges faced while
building generative models from scratch. Finally, you'll also
discover how to train your GAN models to generate adversarial
examples to attack other CNN and GAN models. By the end of this
book, you will have learned how to build, train, and optimize
next-generation GAN models and use them to solve a variety of
real-world problems. What you will learn Implement PyTorch's latest
features to ensure efficient model designing Get to grips with the
working mechanisms of GAN models Perform style transfer between
unpaired image collections with CycleGAN Build and train 3D-GANs to
generate a point cloud of 3D objects Create a range of GAN models
to perform various image synthesis operations Use SEGAN to suppress
noise and improve the quality of speech audio Who this book is
forThis GAN book is for machine learning practitioners and deep
learning researchers looking to get hands-on guidance in
implementing GAN models using PyTorch. You'll become familiar with
state-of-the-art GAN architectures with the help of real-world
examples. Working knowledge of Python programming language is
necessary to grasp the concepts covered in this book.
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.
As environmental issues remain at the forefront of energy research,
renewable energy is now an all-important field of study. And as
smart technology continues to grow and be refined, its applications
broaden and increase in their potential to revolutionize
sustainability studies. This potential can only be fully realized
with a thorough understanding of the most recent breakthroughs in
the field. Research Advancements in Smart Technology, Optimization,
and Renewable Energy is a collection of innovative research that
explores the recent steps forward for smart applications in
sustainability. Featuring coverage on a wide range of topics
including energy assessment, neural fuzzy control, and
biogeography, this book is ideally designed for advocates,
policymakers, engineers, software developers, academicians,
researchers, and students.
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.
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.
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.
Discover how to integrate KNIME Analytics Platform with deep
learning libraries to implement artificial intelligence solutions
Key Features Become well-versed with KNIME Analytics Platform to
perform codeless deep learning Design and build deep learning
workflows quickly and more easily using the KNIME GUI Discover
different deployment options without using a single line of code
with KNIME Analytics Platform Book DescriptionKNIME Analytics
Platform is an open source software used to create and design data
science workflows. This book is a comprehensive guide to the KNIME
GUI and KNIME deep learning integration, helping you build neural
network models without writing any code. It'll guide you in
building simple and complex neural networks through practical and
creative solutions for solving real-world data problems. Starting
with an introduction to KNIME Analytics Platform, you'll get an
overview of simple feed-forward networks for solving simple
classification problems on relatively small datasets. You'll then
move on to build, train, test, and deploy more complex networks,
such as autoencoders, recurrent neural networks (RNNs), long
short-term memory (LSTM), and convolutional neural networks (CNNs).
In each chapter, depending on the network and use case, you'll
learn how to prepare data, encode incoming data, and apply best
practices. By the end of this book, you'll have learned how to
design a variety of different neural architectures and will be able
to train, test, and deploy the final network. What you will learn
Use various common nodes to transform your data into the right
structure suitable for training a neural network Understand neural
network techniques such as loss functions, backpropagation, and
hyperparameters Prepare and encode data appropriately to feed it
into the network Build and train a classic feedforward network
Develop and optimize an autoencoder network for outlier detection
Implement deep learning networks such as CNNs, RNNs, and LSTM with
the help of practical examples Deploy a trained deep learning
network on real-world data Who this book is forThis book is for
data analysts, data scientists, and deep learning developers who
are not well-versed in Python but want to learn how to use KNIME
GUI to build, train, test, and deploy neural networks with
different architectures. The practical implementations shown in the
book do not require coding or any knowledge of dedicated scripts,
so you can easily implement your knowledge into practical
applications. No prior experience of using KNIME is required to get
started with this book.
Get hands-on experience in creating state-of-the-art reinforcement
learning agents using TensorFlow and RLlib to solve complex
real-world business and industry problems with the help of expert
tips and best practices Key Features Understand how large-scale
state-of-the-art RL algorithms and approaches work Apply RL to
solve complex problems in marketing, robotics, supply chain,
finance, cybersecurity, and more Explore tips and best practices
from experts that will enable you to overcome real-world RL
challenges Book DescriptionReinforcement learning (RL) is a field
of artificial intelligence (AI) used for creating self-learning
autonomous agents. Building on a strong theoretical foundation,
this book takes a practical approach and uses examples inspired by
real-world industry problems to teach you about state-of-the-art
RL. Starting with bandit problems, Markov decision processes, and
dynamic programming, the book provides an in-depth review of the
classical RL techniques, such as Monte Carlo methods and
temporal-difference learning. After that, you will learn about deep
Q-learning, policy gradient algorithms, actor-critic methods,
model-based methods, and multi-agent reinforcement learning. Then,
you'll be introduced to some of the key approaches behind the most
successful RL implementations, such as domain randomization and
curiosity-driven learning. As you advance, you'll explore many
novel algorithms with advanced implementations using modern Python
libraries such as TensorFlow and Ray's RLlib package. You'll also
find out how to implement RL in areas such as robotics, supply
chain management, marketing, finance, smart cities, and
cybersecurity while assessing the trade-offs between different
approaches and avoiding common pitfalls. By the end of this book,
you'll have mastered how to train and deploy your own RL agents for
solving RL problems. What you will learn Model and solve complex
sequential decision-making problems using RL Develop a solid
understanding of how state-of-the-art RL methods work Use Python
and TensorFlow to code RL algorithms from scratch Parallelize and
scale up your RL implementations using Ray's RLlib package Get
in-depth knowledge of a wide variety of RL topics Understand the
trade-offs between different RL approaches Discover and address the
challenges of implementing RL in the real world Who this book is
forThis book is for expert machine learning practitioners and
researchers looking to focus on hands-on reinforcement learning
with Python by implementing advanced deep reinforcement learning
concepts in real-world projects. Reinforcement learning experts who
want to advance their knowledge to tackle large-scale and complex
sequential decision-making problems will also find this book
useful. Working knowledge of Python programming and deep learning
along with prior experience in reinforcement learning is required.
The aim of this book is to handle different application problems of
science and engineering using expert Artificial Neural Network
(ANN). As such, the book starts with basics of ANN along with
different mathematical preliminaries with respect to algebraic
equations. Then it addresses ANN based methods for solving
different algebraic equations viz. polynomial equations,
diophantine equations, transcendental equations, system of linear
and nonlinear equations, eigenvalue problems etc. which are the
basic equations to handle the application problems mentioned in the
content of the book. Although there exist various methods to handle
these problems, but sometimes those may be problem dependent and
may fail to give a converge solution with particular
discretization. Accordingly, ANN based methods have been addressed
here to solve these problems. Detail ANN architecture with step by
step procedure and algorithm have been included. Different example
problems are solved with respect to various application and
mathematical problems. Convergence plots and/or convergence tables
of the solutions are depicted to show the efficacy of these
methods. It is worth mentioning that various application problems
viz. Bakery problem, Power electronics applications, Pole
placement, Electrical Network Analysis, Structural engineering
problem etc. have been solved using the ANN based methods.
|
You may like...
Autopsy
Patricia Cornwell
Paperback
R436
Discovery Miles 4 360
|