万本电子书0元读

万本电子书0元读

顶部广告

Intelligent Projects Using Python电子书

售       价:¥

0人正在读 | 0人评论 9.8

作       者:Santanu Pattanayak

出  版  社:Packt Publishing

出版时间:2019-01-31

字       数:39.3万

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

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

为你推荐

  • 读书简介
  • 目录
  • 累计评论(0条)
  • 读书简介
  • 目录
  • 累计评论(0条)
Implement machine learning and deep learning methodologies to build smart, cognitive AI projects using Python Key Features * A go-to guide to help you master AI algorithms and concepts * 8 real-world projects tackling different challenges in healthcare, e-commerce, and surveillance * Use TensorFlow, Keras, and other Python libraries to implement smart AI applications Book Description This book will be a perfect companion if you want to build insightful projects from leading AI domains using Python. The book covers detailed implementation of projects from all the core disciplines of AI. We start by covering the basics of how to create smart systems using machine learning and deep learning techniques. You will assimilate various neural network architectures such as CNN, RNN, LSTM, to solve critical new world challenges. You will learn to train a model to detect diabetic retinopathy conditions in the human eye and create an intelligent system for performing a video-to-text translation. You will use the transfer learning technique in the healthcare domain and implement style transfer using GANs. Later you will learn to build AI-based recommendation systems, a mobile app for sentiment analysis and a powerful chatbot for carrying customer services. You will implement AI techniques in the cybersecurity domain to generate Captchas. Later you will train and build autonomous vehicles to self-drive using reinforcement learning. You will be using libraries from the Python ecosystem such as TensorFlow, Keras and more to bring the core aspects of machine learning, deep learning, and AI. By the end of this book, you will be skilled to build your own smart models for tackling any kind of AI problems without any hassle. What you will learn * Build an intelligent machine translation system using seq-2-seq neural translation machines * Create AI applications using GAN and deploy smart mobile apps using TensorFlow * Translate videos into text using CNN and RNN * Implement smart AI Chatbots, and integrate and extend them in several domains * Create smart reinforcement, learning-based applications using Q-Learning * Break and generate CAPTCHA using Deep Learning and Adversarial Learning Who this book is for This book is intended for data scientists, machine learning professionals, and deep learning practitioners who are ready to extend their knowledge and potential in AI. If you want to build real-life smart systems to play a crucial role in every complex domain, then this book is what you need. Knowledge of Python programming and a familiarity with basic machine learning and deep learning concepts are expected to help you get the most out of the book
目录展开

Title Page

Copyright and Credits

Intelligent Projects Using Python

About Packt

Why subscribe?

Packt.com

Contributors

About the author

About the reviewer

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

Code in action

Conventions used

Get in touch

Reviews

Foundations of Artificial Intelligence Based Systems

Neural networks

Neural activation units

Linear activation units

Sigmoid activation units

The hyperbolic tangent activation function

Rectified linear unit (ReLU)

The softmax activation unit

The backpropagation method of training neural networks

Convolutional neural networks

Recurrent neural networks (RNNs)

Long short-term memory (LSTM) cells

Generative adversarial networks

Reinforcement learning

Q-learning

Deep Q-learning

Transfer learning

Restricted Boltzmann machines

Autoencoders

Summary

Transfer Learning

Technical requirements

Introduction to transfer learning

Transfer learning and detecting diabetic retinopathy

The diabetic retinopathy dataset

Formulating the loss function

Taking class imbalances into account

Preprocessing the images

Additional data generation using affine transformation

Rotation

Translation

Scaling

Reflection

Additional image generation through affine transformation

Network architecture

The VGG16 transfer learning network

The InceptionV3 transfer learning network

The ResNet50 transfer learning network

The optimizer and initial learning rate

Cross-validation

Model checkpoints based on validation log loss

Python implementation of the training process

Dynamic mini batch creation during training

Results from the categorical classification

Inference at testing time

Performing regression instead of categorical classification

Using the keras sequential utils as generator

Summary

Neural Machine Translation

Technical requirements

Rule-based machine translation

The analysis phase

Lexical transfer phase

Generation phase

Statistical machine-learning systems

Language model

Perplexity for language models

Translation model

Neural machine translation

The encoder–decoder model

Inference using the encoder–decoder model

Implementing a sequence-to-sequence neural translation machine

Processing the input data

Defining a model for neural machine translation

Loss function for the neural translation machine

Training the model

Building the inference model

Word vector embeddings

Embeddings layer

Implementing the embeddings-based NMT

Summary

Style Transfer in Fashion Industry using GANs

Technical requirements

DiscoGAN

CycleGAN

Learning to generate natural handbags from sketched outlines

Preprocess the Images

The generators of the DiscoGAN

The discriminators of the DiscoGAN

Building the network and defining the cost functions

Building the training process

Important parameter values for GAN training

Invoking the training

Monitoring the generator and the discriminator loss

Sample images generated by DiscoGAN

Summary

Video Captioning Application

Technical requirements

CNNs and LSTMs in video captioning

A sequence-to-sequence video-captioning system

Data for the video-captioning system

Processing video images to create CNN features

Processing the labelled captions of the video

Building the train and test dataset

Building the model

Definition of the model variables

Encoding stage

Decoding stage

Building the loss for each mini-batch

Creating a word vocabulary for the captions

Training the model

Training results

Inference with unseen test videos

Inference function

Results from evaluation

Summary

The Intelligent Recommender System

Technical requirements

What is a recommender system?

Latent factorization-based recommendation system

Deep learning for latent factor collaborative filtering

The deep learning-based latent factor model

SVD++

Training model with SVD++ on the Movie Lens 100k dataset

Restricted Boltzmann machines for recommendation

Contrastive divergence

Collaborative filtering using RBMs

Collaborative filtering implementation using RBM

Processing the input

Building the RBM network for collaborative filtering

Training the RBM

Inference using the trained RBM

Summary

Mobile App for Movie Review Sentiment Analysis

Technical requirements

Building an Android mobile app using TensorFlow mobile

Movie review rating in an Android app

Preprocessing the movie review text

Building the model

Training the model

The batch generator

Freezing the model to a protobuf format

Creating a word-to-token dictionary for inference

App interface page design

The core logic of the Android app

Testing the mobile app

Summary

Conversational AI Chatbots for Customer Service

Technical requirements

Chatbot architecture

A sequence-to-sequence model using an LSTM

Building a sequence-to-sequence model

Customer support on Twitter

Creating data for training the chatbot

Tokenizing the text into word indices

Replacing anonymized screen names

Defining the model

Loss function for training the model

Training the model

Generating output responses from the model

Putting it all together

Invoking the training

Results of inference on some input tweets

Summary

Autonomous Self-Driving Car Through Reinforcement Learning

Technical requirements

Markov decision process

Learning the Q value function

Deep Q learning

Formulating the cost function

Double deep Q learning

Implementing an autonomous self-driving car

Discretizing actions for deep Q learning

Implementing the Double Deep Q network

Designing the agent

The environment for the self-driving car

Putting it all together

Helper functions

Results from the training

Summary

CAPTCHA from a Deep-Learning Perspective

Technical requirements

Breaking CAPTCHAs with deep learning

Generating basic CAPTCHAs

Generating data for training a CAPTCHA breaker

Captcha breaker CNN architecture

Pre-processing the CAPTCHA images

Converting the CAPTCHA characters to classes

Data generator

Training the CAPTCHA breaker

Accuracy on the test data set

CAPTCHA generation through adversarial learning

Optimizing the GAN loss

Generator network

Discriminator network

Training the GAN

Noise distribution

Data preprocessing

Invoking the training

The quality of CAPTCHAs during training

Using the trained generator to create CAPTCHAs for use

Summary

Other Books You May Enjoy

Leave a review - let other readers know what you think

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

发表评论

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

买过这本书的人还买过

读了这本书的人还在读

回顶部