Python机器学习(影印版) 东南大学出版社 mobi 下载 网盘 caj lrf pdf txt 阿里云

Python机器学习(影印版) 东南大学出版社电子书下载地址
- 文件名
- [epub 下载] Python机器学习(影印版) 东南大学出版社 epub格式电子书
- [azw3 下载] Python机器学习(影印版) 东南大学出版社 azw3格式电子书
- [pdf 下载] Python机器学习(影印版) 东南大学出版社 pdf格式电子书
- [txt 下载] Python机器学习(影印版) 东南大学出版社 txt格式电子书
- [mobi 下载] Python机器学习(影印版) 东南大学出版社 mobi格式电子书
- [word 下载] Python机器学习(影印版) 东南大学出版社 word格式电子书
- [kindle 下载] Python机器学习(影印版) 东南大学出版社 kindle格式电子书
寄语:
新华书店正版,关注店铺成为会员可享店铺专属优惠,团购客户请咨询在线客服!
内容简介:
本书将带你进入预测分析的世界,通过演示告诉你为什么Python是世界很好的数据科学语言之一。如果你想询问更深入的数据问题,或是想增进、拓展机器学习系统的能力,这本实用的书籍可谓是无价之宝。书中涵盖了包括 scikit-learn、Theano和Keras在内的大量功能强大的Python库,操作指南以及从情感分析到神经网络的各色小技巧,很快你就能够解答你个人及组织所面对的那些最重要的问题。
书籍目录:
Preface
Chapter 1: Givin Computers the Ability to Learn from Data
Building intelligent machines to transform data into knowledge
The three different types of machine learning
Making predicti*** about the future with supervised learning
Classification for predicting class labels
Regression for predicting continuous outcomes
Solving in***ctive problems with reinforcement learning
Discovering hidden structures with unsupervised learning
Finding subgroups with clustering
Dimensionality reduction for data compression
An introduction to the basic terminology and notati***
A roadmap for building machine learning systems
Preprocessing-getting data into shape
Training and selecting a predictive model
Evaluating models and predicting unseen data instances
Using Python for machine learning
Installing Python packages
Summary
Chapter 2: Training Machine Learning Algorithms
for Classification
Artificial neur***-a brief glimpse into the early history
of machine learning
Implementing a perceptron learning algorithm in Python
Training a perceptron model on the Iris dataset
Adaptive linear neur*** and the convergence of learning
Minimizing cost functi*** with gradient descent
Implementing an Adaptive Linear Neuron in Python
Large scale machine learning and stochastic gradient descent
Summary
Chapter 3: A Tour of Machine Learning Classifiers Using
Scikit-learn
Choosing a classification algorithm
First steps with scikit-learn
Training a perceptron via scikit-learn
Modeling class probabilities via logistic regression
Logistic regression intuition and conditional probabilities
Learning the weights of the logistic cost function
Training a logistic regression model with scikit-learn
Tackling overfitting via regularization
Maximum margin classification with *** vector machines
Maximum margin intuition
Dealing with the nonlinearly separablecase using slack variables
Alternative implementati*** in scikit-learn
Solving nonlinear problems using a kernel ***M
Using the kernel trick to find separating hyperplanes in higher
dimensional space
Decision tree learning
Maximizing information gain-getting the most bang for the buck
Building a decision tree
Combining weak to strong learners via random forests
K-nearest neighbors-a lazy learning algorithm
Summary
Chapter 4: Building Good Training Sets-Data Preprocessing
Dealing with missing data
Eliminating samples or features with missing values
Imputing missing values
Understanding the scikit-learn estimator API
Handling categorical data
Mapping ordinal features
Encoding class labels
Performing one-*** encoding on nominal features
Partitioning a dataset in training and test sets
Bringing features onto the same scale
Selecting meaningful features
Sparse soluti*** with L1 regularization
Sequential feature selection algorithms
Assessing feature importance with random forests
Summary
Chapter 5: Com~ Data via Di~ Reduction
Unsupervised dimensionality reduction via principal
component ***ysis
Total and explained variance
Feature transformation
Principal component ***ysis in scikit-learn
Supervised data compression via linear discriminant ***ysis
Computing the scatter matrices
Selecting linear discriminants for the new feature subspace
Projecting samples onto the new feature space
LDA via scikit-learn
Using kernel principal component ***ysis for nonlinear mappings
Kernel functi*** and the kernel trick
Implementing a kernel principal component ***ysis in Python
Example 1-separating half-moon shapes
Example 2-separating concentric circles
Projecting new data points
Kernel principal component ***ysis in scikit-learn
Summary
Chapter 6: Learning Best Practices for Model Evaluation
and Hyperparameter Tuni~
Streamlining workflows with pipelines
Loading the Breast Cancer Wisc***in dataset
Combining transformers and estimators in a pipeline
Using k-fold cross-validation to assess model performance
The holdout method
K-fold cross-validation
Debugging algorithms with learning and validation curves
Diagnosing bias and variance problems with learning curves
Addressing overfitting and underfitting with validation curves
Fine-tuning machine learning models via grid search
Tuning hyperparameters via grid search
Algorithm selection with nested cross-validation
Looking at different performance evaluation metrics
Reading a confusion matrix
Optimizing the precision and recall of a classification model
Plotting a receiver operating characteristic
The scoring metrics for multiclass classification
Summary
Chapter 7: Combining Different Models for Ensemble Learning
Learning with ensembles
Implementing a *** majority vote classifier
Combining different algorithms for classification with majority vote
Evaluating and tuning the ensemble classifier
Bagging-building an ensemble of classifiers from
bootstrap samples
Leveraging weak learners via adaptive boosting
Summary
Chapter 8: Applying Machine Learning to Sentiment Analysis
Obtaining the IMDb movie review dataset
Introducing the bag-of-words model
Transforming words into feature vectors
Assessing word relevancy via term frequency-inverse
document frequency
Cleaning text data
Processing documents into tokens
Training a logistic regression model for document classification
Working with bigger data-online algorithms and
out-of-core learning
Summary
Chapter 9: Embedding a Machine Learning Model into
a Web Application
Serializing fitted scikit-learn estimators
Setting up a SQLite database for data storage
Developing a web application with Flask
Our first Flask web application
Form validation and rendering
Turning the movie classifier into a web application
Deploying the web application to a public sewer
Updating the movie review classifier
Summary
Chapter 10: Predicting Continuous Target Variables
with R_Re_gression Analysis
Introducing a *** linear regression model
Exploring the Housing Dataset
Visualizing the important characteristics of a dataset
Implementing an ordinary least squares linear regression model
Solving regression for regression parameters with gradient descent
Estimating the coefficient of a regression model via scikit-learn
Fitting a robust regression model using RANSAC
Evaluating the performance of linear regression models
Using regularized methods for regression
Turning a linear regression model into a curve-polynomial regression
Modeling nonlinear relati***hips in the Housing Dataset
Dealing with nonlinear relati***hips using random forests
Decision tree regression
Random forest regression
Summary
Chapter 11: Working with Unlabeled Data- Cluste~
Grouping objects by similarity using k-means
K-means++
Hard versus soft clustering
Using the elbow method to find the optimal number of clusters
Quantifying the quality of clustering via silhouette plots
Organizing clusters as a hierarchical tree
Performing hierarchical clustering on a distance matrix
Attaching dendrograms to a heat map
Applying agglomerative clustering via scikit-learn
Locating regi*** of high density via DBSCAN
Summary
Chapter 12: Training Artificial Neural Networks for Image Recognition
Modeling complex functi*** with artificial neural networks
Single-layer neural network recap
Introducing the multi-layer neural network architecture
Activating a neural network via forward propagation
Classifying handwritten digits
Obtaining the MNIST dataset
Implementing a multi-layer perceptron
Training an artificial neural network
Computing the logistic cost function
Training neural networks via backpropagation
Developing your intuition for backpropagation
Debugging neural networks with gradient checking
Convergence in neural networks
Other neural network architectures
Convolutional Neural Networks
Recurrent Neural Networks
A few last words about neural network implementation
Summary
Chapter 13: Parallelizing Neural Network Training with Theano
Building, compiling, and running expressi*** with Theano
What is Theano?
First steps with Theano
Configuring Theano
Working with array structures
Wrapping things up-a linear regression example
Choosing activation functi*** for feedforward neural networks
Logistic function recap
Estimating probabilities in multi-class classification via the
softmax function
Broadening the output spectrum by using a hyperbolic tangent
Training neural networks efficiently using Keras
Summary
Index
作者介绍:
Sebastian Raschka is a PhD student at Michigan State University, who develops new computational methods in the field of computational biology. He has been ranked as the number one most influential data scientist on GitHub by Analytics Vidhya. He has a yearlong experience in Python programming and he has conducted several seminars on the practical applicati*** of data science and machine learning. Talking and writing about data science, machine learning, and Python really motivated Sebastian to write this book in order to help people develop data-driven soluti*** without necessarily needing to have a machine learning background.
He has also actively contributed to open source projects and methods that he implemented, which are now successfully used in machine learning competiti***, such as Kaggle. In his free time, he works on models for sports predicti***, and if he is not in front of the computer, he enjoys playing sports.
出版社信息:
暂无出版社相关信息,正在全力查找中!
书籍摘录:
暂无相关书籍摘录,正在全力查找中!
在线阅读/听书/购买/PDF下载地址:
在线阅读地址:Python机器学习(影印版) 东南大学出版社在线阅读
在线听书地址:Python机器学习(影印版) 东南大学出版社在线收听
在线购买地址:Python机器学习(影印版) 东南大学出版社在线购买
原文赏析:
暂无原文赏析,正在全力查找中!
其它内容:
书籍介绍
机器学习和预测分析正在改变商业和其他组织的运作模式。
由塞巴斯蒂安·拉什卡著的《Python机器学习(影印版)(英文版)》将带你进入预测分析的世界,通过演示告诉你为什么Python是世界顶尖的数据科学语言之一。如果你想询问更深入的数据问题,或是想增进、拓展机器学习系统的能力,这本实用的书籍可谓是无价之宝。书中涵盖了包括scikit-learn、
Theano和Keras在内的大量功能强大的Python库、操作指南以及从情感分析到神经网络的各色小技巧,很快你就能够解答你个人及组织所面对的那些最重要的问题。
网站评分
书籍多样性:6分
书籍信息完全性:5分
网站更新速度:8分
使用便利性:6分
书籍清晰度:9分
书籍格式兼容性:9分
是否包含广告:4分
加载速度:9分
安全性:9分
稳定性:4分
搜索功能:3分
下载便捷性:6分
下载点评
- 收费(283+)
- 快捷(536+)
- 微信读书(655+)
- 无漏页(96+)
- 不亏(175+)
- 速度快(349+)
- 引人入胜(398+)
- 内容完整(105+)
- 超值(530+)
- 中评(239+)
- 图文清晰(526+)
下载评价
- 网友 融***华:
下载速度还可以
- 网友 辛***玮:
页面不错 整体风格喜欢
- 网友 饶***丽:
下载方式特简单,一直点就好了。
- 网友 师***怀:
好是好,要是能免费下就好了
- 网友 养***秋:
我是新来的考古学家
- 网友 訾***雰:
下载速度很快,我选择的是epub格式
- 网友 郗***兰:
网站体验不错
- 网友 马***偲:
好 很好 非常好 无比的好 史上最好的
- 网友 曹***雯:
为什么许多书都找不到?
- 网友 权***颜:
下载地址、格式选择、下载方式都还挺多的
- 网友 陈***秋:
不错,图文清晰,无错版,可以入手。
- 网友 扈***洁:
还不错啊,挺好
喜欢"Python机器学习(影印版) 东南大学出版社"的人也看了
拔尖特训:语文(二年级上 人教版) mobi 下载 网盘 caj lrf pdf txt 阿里云
举一反三奥数王 4年级 mobi 下载 网盘 caj lrf pdf txt 阿里云
2020版上海走向成功高考二模卷政治+参考答案高考二模卷上海市各区县高考考前质量抽查试卷精编高三政治 mobi 下载 网盘 caj lrf pdf txt 阿里云
手工皮艺基础 皮具制作书 手缝皮革技巧事典皮革实战全程指导 手工艺真皮包制作入门教程教材DIY书 都市手工艺书籍 mobi 下载 网盘 caj lrf pdf txt 阿里云
外国文学鉴赏辞典大系·外国戏剧鉴赏辞典⑴(古代卷) mobi 下载 网盘 caj lrf pdf txt 阿里云
世界名著4册 欧亨利短篇小说集精选 契诃夫短篇小说精选 莫泊桑短篇小说精选 莎士比亚悲剧喜剧集共4册精装 王永年 汝龙人民 名家名译 莫泊桑短片小说集译 莎士比亚戏剧故事集青少年版 林 文学出版社 商 mobi 下载 网盘 caj lrf pdf txt 阿里云
中公2024全国银行招聘考试专用教材历年真题+全真模拟预测试卷(第三版) mobi 下载 网盘 caj lrf pdf txt 阿里云
AutoCAD 2016中文版室内设计制图快速入门实例教程 mobi 下载 网盘 caj lrf pdf txt 阿里云
小邮票大中国:纪念改革开放四十周年 mobi 下载 网盘 caj lrf pdf txt 阿里云
共产***宣言 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 耶路撒冷三千年 正版全新修订轻装版4册 西蒙蒙蒂菲奥里文津奖 欧洲史***教世界宗教外国历史 新华书店旗舰店官网畅销图书籍 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 风险与危机管理研究 2019年卷 风险管理 危机预测 公共管理 公共政策 政府风险 企业管理书籍 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 唐诗来了! 在诗人故事中轻松读唐诗 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 四大名著小学生版红楼梦原著西游记三国演义白话文水浒传快乐读书吧五年级下册课外书青少年中国古典小说文学巨著 四五六年级小学生经典阅读指导丛书 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 数据库系统概论 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 成吉思汗传(精) mobi 下载 网盘 caj lrf pdf txt 阿里云
- [选5本35元]人类的群星闪耀时 青少年版 名家名译世界经典文学名著 中小学生课外阅读书籍 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 鹊华意象的当代意义——济南历史文化与泉水文化研究论稿 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 小学教材全解 六年级语文下 人教版 2017春 mobi 下载 网盘 caj lrf pdf txt 阿里云
- 中国民俗通志 mobi 下载 网盘 caj lrf pdf txt 阿里云
书籍真实打分
故事情节:6分
人物塑造:9分
主题深度:9分
文字风格:7分
语言运用:6分
文笔流畅:8分
思想传递:4分
知识深度:5分
知识广度:4分
实用性:4分
章节划分:8分
结构布局:6分
新颖与独特:9分
情感共鸣:4分
引人入胜:7分
现实相关:7分
沉浸感:5分
事实准确性:4分
文化贡献:5分