机器学习算法 第2版(影印版) 东南大学出版社 2025 chm pdf kindle rb azw3 下载 115盘

机器学习算法 第2版(影印版) 东南大学出版社电子书下载地址
- 文件名
- [epub 下载] 机器学习算法 第2版(影印版) 东南大学出版社 epub格式电子书
- [azw3 下载] 机器学习算法 第2版(影印版) 东南大学出版社 azw3格式电子书
- [pdf 下载] 机器学习算法 第2版(影印版) 东南大学出版社 pdf格式电子书
- [txt 下载] 机器学习算法 第2版(影印版) 东南大学出版社 txt格式电子书
- [mobi 下载] 机器学习算法 第2版(影印版) 东南大学出版社 mobi格式电子书
- [word 下载] 机器学习算法 第2版(影印版) 东南大学出版社 word格式电子书
- [kindle 下载] 机器学习算法 第2版(影印版) 东南大学出版社 kindle格式电子书
寄语:
新华书店正版,关注店铺成为会员可享店铺专属优惠,团购客户请咨询在线客服!
内容简介:
机器学习因运用大数据实现强大且快速的预测而大受欢迎。然而,其强大的输出背后,真正力量来自复杂的算法,涉及大量的统计分析,以大数据作为驱动而产生实质性的洞察力。这本第2版的机器学习算法引导您取得与机器学习过程中的主要算法相关的显著开发结果,并帮助您加强和掌握有监督,半监督和加强学习等领域的统计解释。一旦全面吃透了算法的核心概念,您将基于很广泛的库(如sclkit-.、NLTK、TensorFlow和Keras)来探索现实世界的示例。您将发现新的主题,如主成分分析(PCA)、独立成分分析(ICA)、贝叶斯回归、判别分析、不错聚类和高斯混合等。
书籍目录:
Preface
Chapter 1: A Gentle Introduction to Machine Learning
Introduction - classic and adaptive machines
Deive analysis
Predictive analysis
Only learning matters
Supervised learning
Unsupervised learning
Semi-supervised learning
Reinforcement learning
Computational neuroscience
Beyond machine learning - deep learning and bio-inspired adaptive systems
Machine learning and big data
Summary
Chapter 2: Important Elements in Machine Learning
Data formats
Multiclass strategies
One-vs-all
One-vs-one
Learnability
Underfitting and overfitting
Error measures and cost functions
PAC learning
Introduction to statistical learning concepts
MAP learning
Maximum likelihood learning
Class balancing
Resampling with replacement
SMOTE resampling
Elements of information theory
Entropy
Cross-entropy and mutual information
Divergence measures between two probability distributions
Summary
Chapter 3: Feature Selection and Feature Engineering
scikit-learn toy datasets
Creating training and test sets
Managing categorical data
Managing missing features
Data scaling and normalization
Whitening
Feature selection and filtering
Principal Component Analysis
Non-Negative Matrix Factorization
Sparse PCA
Kernel PCA
Independent Component Analysis
Atom extraction and dictionary learning
Visualizing high-dimensional datasets using t-SNE
Summary
Chapter 4: Regression Algorithms
Linear models for regression
A bidimensional example
Linear regression with scikit-learn and higher dimensionality
R2 score
Explained variance
Regressor analytic expression
Ridge, Lasso, and ElasticNet
Ridge
Lasso
ElasticNet
Robust regression
RANSAC
Huber regression
Bayesian regression
Polynomial regression
Isotonic regression
Summary
Chapter 5: Linear Classification Algorithms
Linear classification
Logistic regression
Implementation and optimizations
Stochastic gradient descent algorithms
Passive-aggressive algorithms
Passive-aggressive regression
Finding the optimal hyperparameters through a grid search
Classification metrics
Confusion matrix
Precision
Recall
F-Beta
Cohen's Kappa
Global classification report
Learning curve
ROC curve
Summary
Chapter 6: Naive Bayes and Discriminant Analysis
Bayes' theorem
Naive Bayes classifiers
Naive Bayes in scikit-learn
Bernoulli Naive Bayes
Multinomial Naive Bayes
An example of Multinomial Naive Bayes for text classification
Gaussian Naive Bayes
Discriminant analysis
Summary
Chapter 7: Support Vector Machines
Linear SVM
SVMs with scikit-learn
Linear classification
Kernel-based classification
Radial Basis Function
Polynomial kernel
Sigmoid kernel
Custom kernels
Non-linear examples
v-Support Vector Machines
Support Vector Regression
An example of SVR with the Airfoil Self-Noise dataset
Introducing semi-supervised Support Vector Machines (S3VM)
Summary
Chapter 8: Decision Trees and Ensemble Learning
Binary Decision Trees
Binary decisions
Impurity measures
Gini impurity index
Cross-entropy impurity index
Misclassification impurity index
Feature importance
Decision Tree classification with scikit-learn
Decision Tree regression
Example of Decision Tree regression with the Concrete Compressive
Strength dataset
Introduction to Ensemble Learning
Random Forests
Feature importance in Random Forests
AdaBoost
Gradient Tree Boosting
Voting classifier
Summary
Chapter 9: Clustering Fundamentals
Clustering basics
k-NN
Gaussian mixture
Finding the optimal number of components
K-means
Finding the optimal number of clusters
Optimizing the inertia
Silhouette score
Calinski-Harabasz index
Cluster instability
Evaluation methods based on the ground truth
Homogeneity
Completeness
Adjusted Rand Index
Summary
Chapter 10: Advanced Clustering
DBSCAN
Spectral Clustering
Online Clustering
Mini-batch K-means
BIRCH
Biclustering
Summary
Chapter 11 : Hierarchical Clustering
Hierarchical strategies
Agglomerative Clustering
Dendrograms
Agglomerative Clustering in scikit-learn
Connectivity constraints
Summary
Chapter 12: Introducing Recommendation Systems
Naive user-based systems
Implementing a user-based system with scikit-learn
Content-based systems
Model-free (or memory-based) collaborative filtering
Model-based collaborative filtering
Singular value decomposition strategy
Alternating least squares strategy
ALS with Apache Spark MLlib
Summary
Chapter 13: Introducing Natural Language Processing
NLTK and built-in corpora
Corpora examples
The Bag-of-Words strategy
Tokenizing
Sentence tokenizing
Word tokenizing
Stopword removal
Language detection
Stemming
Vectorizing
Count vectorizing
N-grams
TF-IDF vectorizing
Part-of-Speech
Named Entity Recognition
A sample text classifier based on the Reuters corpus
Summary
Chapter 14: Topic Modeling and Sentiment Analysis in NLP
Topic modeling
Latent Semantic Analysis
Probabilistic Latent Semantic Analysis
Latent Dirichlet Allocation
Introducing Word2vec with Gensim
Sentiment analysis
VADER sentiment analysis with NLTK
Summary
Chapter 15: Introducing Neural Networks
Deep learning at a glance
Artifi neural networks
MLPs with Keras
Interfacing Keras to scikit-learn
Summary
Chapter 16: Advanced Deep Learning Models
Deep model layers
Fully connected layers
Convolutional layers
Dropout layers
Batch normalization layers
Recurrent Neural Networks
An example of a deep convolutional network with Keras
An example of an LSTM network with Keras
A brief introduction to TensorFIow
Computing gradients
Logistic regression
Classification with a multilayer perceptron
Image convolution
Summary
Chapter 17: Creating a Machine Learning Architecture
Machine learning architectures
Data collection
Normalization and regularization
Dimensionality reduction
Data augmentation
Data conversion
Modeling/grid search/cross-validation
Visualization
GPU support
A brief introduction to distributed architectures
Scikit-learn tools for machine learning architectures
Pipelines
Feature unions
Summary
Other Books You May Enjoy
Index
作者介绍:
暂无相关内容,正在全力查找中
出版社信息:
暂无出版社相关信息,正在全力查找中!
书籍摘录:
暂无相关书籍摘录,正在全力查找中!
在线阅读/听书/购买/PDF下载地址:
在线阅读地址:机器学习算法 第2版(影印版) 东南大学出版社在线阅读
在线听书地址:机器学习算法 第2版(影印版) 东南大学出版社在线收听
在线购买地址:机器学习算法 第2版(影印版) 东南大学出版社在线购买
原文赏析:
暂无原文赏析,正在全力查找中!
其它内容:
暂无其它内容!
网站评分
书籍多样性:9分
书籍信息完全性:9分
网站更新速度:9分
使用便利性:4分
书籍清晰度:5分
书籍格式兼容性:3分
是否包含广告:7分
加载速度:5分
安全性:9分
稳定性:4分
搜索功能:7分
下载便捷性:8分
下载点评
- 快捷(524+)
- 无颠倒(223+)
- 小说多(149+)
- 无漏页(385+)
- 字体合适(229+)
- 一星好评(600+)
- 引人入胜(620+)
- 博大精深(652+)
- 书籍完整(149+)
下载评价
- 网友 辛***玮:
页面不错 整体风格喜欢
- 网友 芮***枫:
有点意思的网站,赞一个真心好好好 哈哈
- 网友 焦***山:
不错。。。。。
- 网友 师***怀:
好是好,要是能免费下就好了
- 网友 孔***旋:
很好。顶一个希望越来越好,一直支持。
- 网友 菱***兰:
特好。有好多书
- 网友 郗***兰:
网站体验不错
- 网友 相***儿:
你要的这里都能找到哦!!!
- 网友 隗***杉:
挺好的,还好看!支持!快下载吧!
- 网友 苍***如:
什么格式都有的呀。
- 网友 国***芳:
五星好评
- 网友 瞿***香:
非常好就是加载有点儿慢。
- 网友 詹***萍:
好评的,这是自己一直选择的下载书的网站
- 网友 曹***雯:
为什么许多书都找不到?
- 网友 宫***凡:
一般般,只能说收费的比免费的强不少。
- 网友 冯***丽:
卡的不行啊
喜欢"机器学习算法 第2版(影印版) 东南大学出版社"的人也看了
【官方正版 16开精装全4册 】庄子 庄子大全集 文白对照 原文 白话译文心得 国学藏书文库 哲学图书书籍 庄子 中华书局 中华线装书局精装 2025 chm pdf kindle rb azw3 下载 115盘
考研英语词汇词根词缀高效记忆:轻松背单词(附MP3光盘) 李霞 中国纺织出版社 9787518013913 2025 chm pdf kindle rb azw3 下载 115盘
怎样顺利考取机动车驾驶证 2025 chm pdf kindle rb azw3 下载 115盘
VB.NET可伸缩性技术手册 2025 chm pdf kindle rb azw3 下载 115盘
超易上手 象棋弃子技巧训练 刘锦祺 编 2025 chm pdf kindle rb azw3 下载 115盘
举一反三同步巧讲精练小学语文四年级下册RJ 人教版 2025 chm pdf kindle rb azw3 下载 115盘
迷你汉英分类词典 2025 chm pdf kindle rb azw3 下载 115盘
Solid Edge建模技术应用实例 2025 chm pdf kindle rb azw3 下载 115盘
圣桑第3交响乐Symphony No. 3 2025 chm pdf kindle rb azw3 下载 115盘
正版包邮 小学生课外开放阅读一千零一夜彩共5册 图注音版6-12岁睡前故事一年级二三年级小学儿童经典读物 h 2025 chm pdf kindle rb azw3 下载 115盘
- 建筑家安藤忠雄 2025 chm pdf kindle rb azw3 下载 115盘
- 广播新闻与电视新闻 2025 chm pdf kindle rb azw3 下载 115盘
- 中国皇帝全传 2025 chm pdf kindle rb azw3 下载 115盘
- 保险营销 中国金融出版社 2025 chm pdf kindle rb azw3 下载 115盘
- 现象学心理学(胡塞尔著作集 第5卷) 2025 chm pdf kindle rb azw3 下载 115盘
- 设计科学基础/张小开9787562189336 正版新书希望阶梯图书专营店 2025 chm pdf kindle rb azw3 下载 115盘
- 乐学喵考研2023管理类、经济类联考-老吕逻辑要点7讲书课包 吕建刚 mba管理类联考199 3 2025 chm pdf kindle rb azw3 下载 115盘
- 陪老婆怀孕/亲亲乐读系列 2025 chm pdf kindle rb azw3 下载 115盘
- SQL Server数据库技术及应用(第二版 微课版)/“十二五”职业教育国家规划教材 2025 chm pdf kindle rb azw3 下载 115盘
- 沃米易学备考2024山东省春季高考职教高考语文总复习指导教材+模拟试卷山东春考普通高中高三语文单招对口搭历年真题专项训练套卷 原子能出版社 2025 chm pdf kindle rb azw3 下载 115盘
书籍真实打分
故事情节:6分
人物塑造:9分
主题深度:4分
文字风格:8分
语言运用:5分
文笔流畅:9分
思想传递:6分
知识深度:6分
知识广度:9分
实用性:8分
章节划分:6分
结构布局:9分
新颖与独特:7分
情感共鸣:3分
引人入胜:3分
现实相关:3分
沉浸感:9分
事实准确性:8分
文化贡献:8分