万本电子书0元读

万本电子书0元读

顶部广告

Hands-On Neural Networks电子书

售       价:¥

0人正在读 | 0人评论 9.8

作       者:Leonardo De Marchi

出  版  社:Packt Publishing

出版时间:2019-05-30

字       数:27.2万

所属分类: 进口书 > 外文原版书 > 电脑/网络

温馨提示:数字商品不支持退换货,不提供源文件,不支持导出打印

为你推荐

  • 读书简介
  • 目录
  • 累计评论(0条)
  • 读书简介
  • 目录
  • 累计评论(0条)
Design and create neural networks with deep learning and artificial intelligence principles using OpenAI Gym, TensorFlow, and Keras Key Features * Explore neural network architecture and understand how it functions * Learn algorithms to solve common problems using back propagation and perceptrons * Understand how to apply neural networks to applications with the help of useful illustrations Book Description Neural networks play a very important role in deep learning and artificial intelligence (AI), with applications in a wide variety of domains, right from medical diagnosis, to financial forecasting, and even machine diagnostics. Hands-On Neural Networks is designed to guide you through learning about neural networks in a practical way. The book will get you started by giving you a brief introduction to perceptron networks. You will then gain insights into machine learning and also understand what the future of AI could look like. Next, you will study how embeddings can be used to process textual data and the role of long short-term memory networks (LSTMs) in helping you solve common natural language processing (NLP) problems. The later chapters will demonstrate how you can implement advanced concepts including transfer learning, generative adversarial networks (GANs), autoencoders, and reinforcement learning. Finally, you can look forward to further content on the latest advancements in the field of neural networks. By the end of this book, you will have the skills you need to build, train, and optimize your own neural network model that can be used to provide predictable solutions. What you will learn * Learn how to train a network by using backpropagation * Discover how to load and transform images for use in neural networks * Study how neural networks can be applied to a varied set of applications * Solve common challenges faced in neural network development * Understand the transfer learning concept to solve tasks using Keras and Visual Geometry Group (VGG) network * Get up to speed with advanced and complex deep learning concepts like LSTMs and NLP * Explore innovative algorithms like GANs and deep reinforcement learning Who this book is for If you are interested in artificial intelligence and deep learning and want to further your skills, then this intermediate-level book is for you. Some knowledge of statistics will help you get the most out of this book.
目录展开

Dedication

About Packt

Why subscribe?

Packt.com

Contributors

About the authors

About the reviewers

Packt is searching for authors like you

Preface

Who this book is for

What this book covers

To get the most out of this book

Download the example code files

Download the color images

Conventions used

Get in touch

Reviews

Section 1: Getting Started

Getting Started with Supervised Learning

History of AI

An overview of machine learning

Supervised learning

Unsupervised learning

Semi-supervised learning

Reinforcement learning

Environment setup

Understanding virtual environments

Anaconda

Docker

Supervised learning in practice with Python

Data cleaning

Feature engineering

How deep learning performs feature engineering

Feature scaling

Feature engineering in Keras

Supervised learning algorithms

Metrics

Regression metrics

Classification metrics

Evaluating the model

TensorBoard

Summary

Neural Network Fundamentals

The perceptron

Implementing a perceptron

Keras

Implementing perceptron in Keras

Feedforward neural networks

Introducing backpropagation

Activation functions

Sigmoid

Softmax

Tanh

ReLU

Keras implementation

The chain rule

The XOR problem

FFNN in Python from scratch

FFNN Keras implementation

TensorBoard

TensorBoard on the XOR problem

Summary

Section 2: Deep Learning Applications

Convolutional Neural Networks for Image Processing

Understanding CNNs

Input data

Convolutional layers

Pooling layers

Stride

Max pooling

Zero padding

Dropout layers

Normalization layers

Output layers

CNNs in Keras

Loading the data

Creating the model

Network configuration

Keras for expression recognition

Optimizing the network

Summary

Exploiting Text Embedding

Machine learning for NLP

Rule-based methods

Understanding word embeddings

Applications of words embeddings

Word2vec

Word embedding in Keras

Pre-trained network

GloVe

Global matrix factorization

Using the GloVe model

Text classification with GloVe

Summary

Working with RNNs

Understanding RNNs

Theory behind CNNs

Types of RNNs

One-to-one

One-to-many

Many-to-many

The same lag

A different lag

Loss functions

Long Short-Term Memory

LSTM architecture

LSTMs in Keras

PyTorch basics

Time series prediction

Summary

Reusing Neural Networks with Transfer Learning

Transfer learning theory

Introducing multi-task learning

Reusing other networks as feature extractors

Implementing MTL

Feature extraction

Implementing TL in PyTorch

Summary

Section 3: Advanced Applications

Working with Generative Algorithms

Discriminative versus generative algorithms

Understanding GANs

Training GANs

GAN challenges

GAN variations and timelines

Conditional GANs

DCGAN

ReLU versus Leaky ReLU

DCGAN – a coded example

Pix2Pix GAN

StackGAN

CycleGAN

ProGAN

StarGAN

StarGAN discriminator objectives

StarGAN generator functions

BigGAN

StyleGAN

Style modules

StyleGAN implementation

Deepfakes

RadialGAN

Summary

Further reading

Implementing Autoencoders

Overview of autoencoders

Autoencoder applications

Bottleneck and loss functions

Standard types of autoencoder

Undercomplete autoencoders

Example

Visualizing with TensorBoard

Visualizing reconstructed images

Multilayer autoencoders

Example

Convolutional autoencoders

Example

Sparse autoencoders

Example

Denoising autoencoders

Example

Contractive autoencoder

Variational Autoencoders

Training VAEs

Example

Summary

Further reading

Deep Belief Networks

Overview of DBNs

BBNs

Predictive propagation

Retrospective propagation

RBMs

RBM training

Example – RBM recommender system

Example – RBM recommender system using code

DBN architecture

Training DBNs

Fine-tuning

Datasets and libraries

Example – supervised DBN classification

Example – supervised DBN regression

Example – unsupervised DBN classification

Summary

Further reading

Reinforcement Learning

Basic definitions

Introducing Q-learning

Learning objectives

Policy optimization

Methods of Q-learning

Playing with OpenAI Gym

The frozen lake problem

Summary

Whats Next?

Summarizing the book

Future of machine learning

Artificial general intelligence

Ethics in AI

Interpretability

Automation

AI safety

AI ethics

Accountability

Conclusions

Other Books You May Enjoy

Leave a review - let other readers know what you think

累计评论(0条) 0个书友正在讨论这本书 发表评论

发表评论

发表评论,分享你的想法吧!

买过这本书的人还买过

读了这本书的人还在读

回顶部