人工智能:Python實現(影印版 英文版) pdf epub mobi txt 電子書 下載 2024

圖書介紹


人工智能:Python實現(影印版 英文版)


[美] 普拉提剋·喬希 著



點擊這裡下載
    


想要找書就要到 求知書站
立刻按 ctrl+D收藏本頁
你會得到大驚喜!!

发表于2024-05-18

類似圖書 點擊查看全場最低價

齣版社: 東南大學齣版社
ISBN:9787564173586
版次:1
商品編碼:12211247
包裝:平裝
開本:16開
齣版時間:2017-10-01
用紙:膠版紙
頁數:430
正文語種:英文

人工智能:Python實現(影印版 英文版) epub 下載 mobi 下載 pdf 下載 txt 電子書 下載 2024

相關圖書



人工智能:Python實現(影印版 英文版) epub 下載 mobi 下載 pdf 下載 txt 電子書 下載 2024

人工智能:Python實現(影印版 英文版) pdf epub mobi txt 電子書 下載 2024



具體描述

內容簡介

  在現代世界中,所有一切都是由技術和數據所驅動。而人工智能與這個世界的關係正在變得愈加緊密。人工智能被廣泛應用於多個領域,例如搜索引擎、圖像識彆、機器人學、金融等。我們會在《人工智能: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實現(影印版 英文版) 下載 mobi epub pdf txt 電子書
人工智能:Python實現(影印版 英文版) pdf epub mobi txt 電子書 下載
想要找書就要到 求知書站
立刻按 ctrl+D收藏本頁
你會得到大驚喜!!

用戶評價

評分

買的正好,及時雨,齣乎意料的好,很值的

評分

此用戶未填寫評價內容

評分

比較好的書 很早之前就想買

評分

網上評價還不錯 支持一下

評分

此用戶未填寫評價內容

評分

好好好好好好好好好好好好

評分

好好學習,天天嚮上!

評分

好好好好好好好好好好好好

評分

G ooooooooo d .....

類似圖書 點擊查看全場最低價

人工智能:Python實現(影印版 英文版) pdf epub mobi txt 電子書 下載





相關圖書


本站所有內容均為互聯網搜索引擎提供的公開搜索信息,本站不存儲任何數據與內容,任何內容與數據均與本站無關,如有需要請聯繫相關搜索引擎包括但不限於百度google,bing,sogou

友情鏈接

© 2024 tushu.tinynews.org All Rights Reserved. 求知書站 版权所有