人工智能:Python实现(影印版 英文版)

人工智能:Python实现(影印版 英文版)
分享
扫描下方二维码分享到微信
打开微信,点击右上角”+“,
使用”扫一扫“即可将网页分享到朋友圈。
作者: [美]
2017-10
版次: 1
ISBN: 9787564173586
定价: 88.00
装帧: 平装
开本: 16开
纸张: 胶版纸
页数: 430页
正文语种: 英语
20人买过
  •   在现代世界中,所有一切都是由技术和数据所驱动。而人工智能与这个世界的关系正在变得愈加紧密。人工智能被广泛应用于多个领域,例如搜索引擎、图像识别、机器人学、金融等。我们会在《人工智能:Python实现(影印版 英文版)》中探索各种现实世界的真实场景,学习各种可以用于构建人工智能应用的算法。
      《人工智能:Python实现(影印版 英文版)》的阅读过程中,你将学会如何就特定场景下该使用何种算法作出明智的决定。首先我们会介绍人工智能的基本知识,从中学习利用各种数据挖掘技术开发各种构建块的方法。你会看到如何实现不同的算法来得到佳的预期结果,理解如何将其应用于现实场景。如果你想为基于图像、文本、股市或其他形式数据的应用程序添加上智能层,这本激动人心的人工智能书籍绝对能够作为你的指南! Preface
    Chapter 1: Introduction to Artificial Intelligence
    What is Artificial Intelligence?
    Why do we need to study AI?
    Applications of AI
    Branches of AI
    Defining intelligence using Turing Test
    Making machines think like humans
    Building rational agents
    General Problem Solver
    Solving a problem with GPS
    Building an intelligent agent
    Types of models
    Installing Python 3
    Installing on Ubuntu
    Installing on Mac OS X
    Installing on Windows
    Installing packages
    Loading data
    Summary

    Chapter 2: Classification and Regression Using Supervised Learning
    Supervised versus unsupervised learning
    What is classification?
    Preprocessing data
    Binarization
    Mean removal
    Scaling
    Normalization
    Label encoding
    Logistic Regression classifier
    Naive Bayes classifier
    Confusion matrix
    Support Vector Machines
    Classifying income data using Support Vector Machines
    What is Regression?
    Building a single variable regressor
    Building a multivariable regressor
    Estimating housing prices using a Support Vector Regressor
    Summary

    Chapter 3: Predictive Analytics with Ensemble Learning
    What is Ensemble Learning?
    Building learning models with Ensemble Learning
    What are Decision Trees?
    Building a Decision Tree classifier
    What are Random Forests and Extremely Random Forests?
    Building Random Forest and Extremely Random Forest classifiers
    Estimating the confidence measure of the predictions
    Dealing with class imbalance
    Finding optimal training parameters using grid search
    Computing relative feature importance
    Predicting traffic using Extremely Random Forest regressor
    Summary

    Chapter 4: Detecting Patterns with Unsupervised Learning
    What is unsupervised learning?
    Clustering data with K-Means algorithm
    Estimating the number of clusters with Mean Shift algorithm
    Estimating the quality of clustering with silhouette scores
    What are Gaussian Mixture Models?
    Building a classifier based on Gaussian Mixture Models
    Finding subgroups in stock market using Affinity Propagation model
    Segmenting the market based on shopping patterns
    Summary

    Chapter 5: Building Recommender Systems
    Creating a training pipeline
    Extracting the nearest neighbors
    Building a K-Nearest Neighbors classifier
    Computing similarity scores
    Finding similar users using collaborative filtering
    Building a movie recommendation system
    Summary

    Chapter 6: Logic Programming
    What is logic programming?
    Understanding the building blocks of logic programming
    Solving problems using logic programming
    Installing Python packages
    Matching mathematical expressions
    Validating primes
    Parsing a family tree
    Analyzing geography
    Building a puzzle solver
    Summary

    Chapter 7: Heuristic Search Techniques
    What is heuristic search?
    Uninformed versus Informed search
    Constraint Satisfaction Problems
    Local search techniques
    Simulated Annealing
    Constructing a string using greedy search
    Solving a problem with constraints
    Solving the region-coloring problem
    Building an 8-puzzle solver
    Building a maze solver
    Summary

    Chapter 8: Genetic Algorithms
    Understanding evolutionary and genetic algorithms
    Fundamental concepts in genetic algorithms
    Generating a bit pattern with predefined parameters
    Visualizing the evolution
    Solving the symbol regression problem
    Building an intelligent robot controller
    Summary

    Chapter 9: Building Games With Artificial Intelligence
    Using search algorithms in games
    Combinatorial search
    Minimax algorithm
    Alpha-Beta pruning
    Negamax algorithm
    Installing easyAI library
    Ruildina a bot to olav Last Coin Standina
    Building a bot to play Tic-Tac-Toe
    Building two bots to play Connect FourTM against each other
    Building two bots to play Hexapawn against each other
    Summary

    Chapter 10: Natural Language Processing
    Introduction and installation of packages
    Tokenizing text data
    Converting words to their base forms using stemming
    Converting words to their base forms using lemmatization
    Dividing text data into chunks
    Extracting the frequency of terms using a Bag of Words model
    Building a category predictor
    Constructing a gender identifier
    Building a sentiment analyzer
    Topic modeling using Latent Dirichlet Allocation
    Summary

    Chapter 11: Probabilistic Reasoning for Sequential Data
    Understanding sequential data
    Handling time-series data with Pandas
    Slicing time-series data
    Operating on time-series data
    Extracting statistics from time-series data
    Generating data using Hidden Markov Models
    Identifying alphabet sequences with Conditional Random Fields
    Stock market analysis
    Summary

    Chapter 12: Building A Speech Recognizer
    Working with speech signals
    Visualizing audio signals
    Transforming audio signals to the frequency domain
    Generating audio signals
    Synthesizing tones to generate music
    Extracting speech features
    Recognizing spoken words
    Summary

    Chapter 13: Object Detection and Tracking
    Installing OpenCV
    Frame differencing
    Tracking objects using colorspaces
    Object tracking using background subtraction
    Building an interactive object tracker using the CAMShift algorithm
    Optical flow based tracking
    Face detection and tracking
    Using Haar cascades for object detection
    Using integral images for feature extraction
    Eye detection and tracking
    Summary

    Chapter 14: Artificial Neural Networks
    Introduction to artificial neural networks
    Building a neural network
    Training a neural network
    Building a Perceptron based classifier
    Constructing a single layer neural network
    Constructing a multilayer neural network
    Building a vector quantizer
    Analyzing sequential data using recurrent neural networks
    Visualizing characters i,! an Optical Character Recognition database
    Building an Optical Character Recognition engine
    Summary

    Chapter 15: Reinforcement Learning
    Understanding the premise
    Reinforcement learning versus supervised learning
    Real world examples of reinforcement learning
    Building blocks of reinforcement learning
    Creating an environment
    Building a learning agent
    Summary

    Chapter 16: Deep Learning with Convolutional Neural Networks
    What are Convolutional Neural Networks?
    Architecture of CNNs
    Types of layers in a CNN
    Building a perceptron-based linear regressor
    Building an image classifier using a single layer neural network
    Building an image classifier using a Convolutional Neural Network
    Summary
    Index
  • 内容简介:
      在现代世界中,所有一切都是由技术和数据所驱动。而人工智能与这个世界的关系正在变得愈加紧密。人工智能被广泛应用于多个领域,例如搜索引擎、图像识别、机器人学、金融等。我们会在《人工智能:Python实现(影印版 英文版)》中探索各种现实世界的真实场景,学习各种可以用于构建人工智能应用的算法。
      《人工智能:Python实现(影印版 英文版)》的阅读过程中,你将学会如何就特定场景下该使用何种算法作出明智的决定。首先我们会介绍人工智能的基本知识,从中学习利用各种数据挖掘技术开发各种构建块的方法。你会看到如何实现不同的算法来得到佳的预期结果,理解如何将其应用于现实场景。如果你想为基于图像、文本、股市或其他形式数据的应用程序添加上智能层,这本激动人心的人工智能书籍绝对能够作为你的指南!
  • 目录:
    Preface
    Chapter 1: Introduction to Artificial Intelligence
    What is Artificial Intelligence?
    Why do we need to study AI?
    Applications of AI
    Branches of AI
    Defining intelligence using Turing Test
    Making machines think like humans
    Building rational agents
    General Problem Solver
    Solving a problem with GPS
    Building an intelligent agent
    Types of models
    Installing Python 3
    Installing on Ubuntu
    Installing on Mac OS X
    Installing on Windows
    Installing packages
    Loading data
    Summary

    Chapter 2: Classification and Regression Using Supervised Learning
    Supervised versus unsupervised learning
    What is classification?
    Preprocessing data
    Binarization
    Mean removal
    Scaling
    Normalization
    Label encoding
    Logistic Regression classifier
    Naive Bayes classifier
    Confusion matrix
    Support Vector Machines
    Classifying income data using Support Vector Machines
    What is Regression?
    Building a single variable regressor
    Building a multivariable regressor
    Estimating housing prices using a Support Vector Regressor
    Summary

    Chapter 3: Predictive Analytics with Ensemble Learning
    What is Ensemble Learning?
    Building learning models with Ensemble Learning
    What are Decision Trees?
    Building a Decision Tree classifier
    What are Random Forests and Extremely Random Forests?
    Building Random Forest and Extremely Random Forest classifiers
    Estimating the confidence measure of the predictions
    Dealing with class imbalance
    Finding optimal training parameters using grid search
    Computing relative feature importance
    Predicting traffic using Extremely Random Forest regressor
    Summary

    Chapter 4: Detecting Patterns with Unsupervised Learning
    What is unsupervised learning?
    Clustering data with K-Means algorithm
    Estimating the number of clusters with Mean Shift algorithm
    Estimating the quality of clustering with silhouette scores
    What are Gaussian Mixture Models?
    Building a classifier based on Gaussian Mixture Models
    Finding subgroups in stock market using Affinity Propagation model
    Segmenting the market based on shopping patterns
    Summary

    Chapter 5: Building Recommender Systems
    Creating a training pipeline
    Extracting the nearest neighbors
    Building a K-Nearest Neighbors classifier
    Computing similarity scores
    Finding similar users using collaborative filtering
    Building a movie recommendation system
    Summary

    Chapter 6: Logic Programming
    What is logic programming?
    Understanding the building blocks of logic programming
    Solving problems using logic programming
    Installing Python packages
    Matching mathematical expressions
    Validating primes
    Parsing a family tree
    Analyzing geography
    Building a puzzle solver
    Summary

    Chapter 7: Heuristic Search Techniques
    What is heuristic search?
    Uninformed versus Informed search
    Constraint Satisfaction Problems
    Local search techniques
    Simulated Annealing
    Constructing a string using greedy search
    Solving a problem with constraints
    Solving the region-coloring problem
    Building an 8-puzzle solver
    Building a maze solver
    Summary

    Chapter 8: Genetic Algorithms
    Understanding evolutionary and genetic algorithms
    Fundamental concepts in genetic algorithms
    Generating a bit pattern with predefined parameters
    Visualizing the evolution
    Solving the symbol regression problem
    Building an intelligent robot controller
    Summary

    Chapter 9: Building Games With Artificial Intelligence
    Using search algorithms in games
    Combinatorial search
    Minimax algorithm
    Alpha-Beta pruning
    Negamax algorithm
    Installing easyAI library
    Ruildina a bot to olav Last Coin Standina
    Building a bot to play Tic-Tac-Toe
    Building two bots to play Connect FourTM against each other
    Building two bots to play Hexapawn against each other
    Summary

    Chapter 10: Natural Language Processing
    Introduction and installation of packages
    Tokenizing text data
    Converting words to their base forms using stemming
    Converting words to their base forms using lemmatization
    Dividing text data into chunks
    Extracting the frequency of terms using a Bag of Words model
    Building a category predictor
    Constructing a gender identifier
    Building a sentiment analyzer
    Topic modeling using Latent Dirichlet Allocation
    Summary

    Chapter 11: Probabilistic Reasoning for Sequential Data
    Understanding sequential data
    Handling time-series data with Pandas
    Slicing time-series data
    Operating on time-series data
    Extracting statistics from time-series data
    Generating data using Hidden Markov Models
    Identifying alphabet sequences with Conditional Random Fields
    Stock market analysis
    Summary

    Chapter 12: Building A Speech Recognizer
    Working with speech signals
    Visualizing audio signals
    Transforming audio signals to the frequency domain
    Generating audio signals
    Synthesizing tones to generate music
    Extracting speech features
    Recognizing spoken words
    Summary

    Chapter 13: Object Detection and Tracking
    Installing OpenCV
    Frame differencing
    Tracking objects using colorspaces
    Object tracking using background subtraction
    Building an interactive object tracker using the CAMShift algorithm
    Optical flow based tracking
    Face detection and tracking
    Using Haar cascades for object detection
    Using integral images for feature extraction
    Eye detection and tracking
    Summary

    Chapter 14: Artificial Neural Networks
    Introduction to artificial neural networks
    Building a neural network
    Training a neural network
    Building a Perceptron based classifier
    Constructing a single layer neural network
    Constructing a multilayer neural network
    Building a vector quantizer
    Analyzing sequential data using recurrent neural networks
    Visualizing characters i,! an Optical Character Recognition database
    Building an Optical Character Recognition engine
    Summary

    Chapter 15: Reinforcement Learning
    Understanding the premise
    Reinforcement learning versus supervised learning
    Real world examples of reinforcement learning
    Building blocks of reinforcement learning
    Creating an environment
    Building a learning agent
    Summary

    Chapter 16: Deep Learning with Convolutional Neural Networks
    What are Convolutional Neural Networks?
    Architecture of CNNs
    Types of layers in a CNN
    Building a perceptron-based linear regressor
    Building an image classifier using a single layer neural network
    Building an image classifier using a Convolutional Neural Network
    Summary
    Index
查看详情
12
您可能感兴趣 / 更多
人工智能:Python实现(影印版 英文版)
争吵的恋人:我们为什么相爱,又为什么争吵
[美]约翰·金,[美]瓦妮莎·贝内特
人工智能:Python实现(影印版 英文版)
蒙特卡洛的密码锁(数学大师的逻辑课) 文教科普读物 [美]雷蒙德·m.斯穆里安(raymondm.smullyan)
[美]雷蒙德·m.斯穆里安(raymondm.smullyan)
人工智能:Python实现(影印版 英文版)
福尔摩斯的棋盘:关于国际象棋的推理题(数学大师的逻辑课)
[美]雷蒙德·m.斯穆里安
人工智能:Python实现(影印版 英文版)
《生命大设计.重构》(关于“生命创造现实”这一惊人事实,独特且完整的科学探索与哲学诠释)
[美]鲍勃·伯曼 著;杨泓 译;[美]罗伯特·兰札;马泰·帕夫希奇(斯洛文尼亚)
人工智能:Python实现(影印版 英文版)
杰出投资者的底层认知:成功投资与明智创富的10个茅塞顿开之问(《聪明的投资者》新时代精华版)
[美]J.戴维·斯坦恩(J.David Stein) 著;刘寅龙 译;庞鑫
人工智能:Python实现(影印版 英文版)
浴缸里的海洋
[美]塞思·菲什曼
人工智能:Python实现(影印版 英文版)
新视界文库-生命故事:生物学上的伟大发现
[美]肖恩·B.卡罗尔
人工智能:Python实现(影印版 英文版)
洛丽塔原型:小说《洛丽塔》背后的萨莉?霍纳绑架案
[美]萨拉·魏恩曼 著;真故图书 出品
人工智能:Python实现(影印版 英文版)
托尔斯泰
[美]莉莎·克纳普(Liza Knapp)
人工智能:Python实现(影印版 英文版)
奇迹之门 《纽约时报》畅销书作家写给孩子的一封“成长家书”。让父母的爱与肯定,成为孩子探索世界的底气。拥抱成长的不确定性,打开通向无限可能的“奇迹之门”。
[美]艾莉森·麦基/文 (美) 柳泰恩 图
人工智能:Python实现(影印版 英文版)
全球通史(全六册)(另一个角度的“全球通史”,不一样的视野与新知。以地理为骨,历史为肉,一部超级丰满的世界通史。)
[美]塞缪尔·古德里奇 译者:冷惠玲、冯佳娜、王小忠、孙丽霞、李江艳
人工智能:Python实现(影印版 英文版)
《星际争霸》动画影像艺术
[美]罗伯特·布鲁克斯