悦读宝库 -机器学习算法 第2版(影印版) 东南大学出版社
本书资料更新时间:2025-01-19 20:42:41

机器学习算法 第2版(影印版) 东南大学出版社 下载 pdf 百度网盘 epub 免费 2025 电子书 mobi 在线

机器学习算法 第2版(影印版) 东南大学出版社精美图片
》机器学习算法 第2版(影印版) 东南大学出版社电子书籍版权问题 请点击这里查看《

机器学习算法 第2版(影印版) 东南大学出版社书籍详细信息

  • ISBN:9787564182915
  • 作者:暂无作者
  • 出版社:暂无出版社
  • 出版时间:2019-03
  • 页数:暂无页数
  • 价格:69.00
  • 纸张:胶版纸
  • 装帧:平装-胶订
  • 开本:16开
  • 语言:未知
  • 丛书:暂无丛书
  • TAG:暂无
  • 豆瓣评分:暂无豆瓣评分
  • 豆瓣短评:点击查看
  • 豆瓣讨论:点击查看
  • 豆瓣目录:点击查看
  • 读书笔记:点击查看
  • 原文摘录:点击查看
  • 更新时间:2025-01-19 20:42:41

寄语:

新华书店正版,关注店铺成为会员可享店铺专属优惠,团购客户请咨询在线客服!


内容简介:

机器学习因运用大数据实现强大且快速的预测而大受欢迎。然而,其强大的输出背后,真正力量来自复杂的算法,涉及大量的统计分析,以大数据作为驱动而产生实质性的洞察力。这本第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


作者介绍:

暂无相关内容,正在全力查找中


出版社信息:

暂无出版社相关信息,正在全力查找中!


书籍摘录:

暂无相关书籍摘录,正在全力查找中!



原文赏析:

暂无原文赏析,正在全力查找中!


其它内容:

暂无其它内容!


书籍真实打分

  • 故事情节:5分

  • 人物塑造:5分

  • 主题深度:9分

  • 文字风格:7分

  • 语言运用:9分

  • 文笔流畅:9分

  • 思想传递:5分

  • 知识深度:5分

  • 知识广度:9分

  • 实用性:6分

  • 章节划分:6分

  • 结构布局:4分

  • 新颖与独特:8分

  • 情感共鸣:7分

  • 引人入胜:7分

  • 现实相关:9分

  • 沉浸感:6分

  • 事实准确性:4分

  • 文化贡献:4分


网站评分

  • 书籍多样性:4分

  • 书籍信息完全性:6分

  • 网站更新速度:7分

  • 使用便利性:5分

  • 书籍清晰度:3分

  • 书籍格式兼容性:3分

  • 是否包含广告:6分

  • 加载速度:5分

  • 安全性:4分

  • 稳定性:7分

  • 搜索功能:4分

  • 下载便捷性:8分


下载点评

  • 赞(678+)
  • 图书多(371+)
  • 藏书馆(643+)
  • 简单(461+)
  • 情节曲折(592+)
  • 值得购买(263+)
  • 可以购买(355+)

下载评价

  • 网友 步***青: ( 2024-12-31 10:58:56 )

    。。。。。好

  • 网友 寇***音: ( 2024-12-29 05:31:49 )

    好,真的挺使用的!

  • 网友 印***文: ( 2024-12-31 23:38:53 )

    我很喜欢这种风格样式。

  • 网友 曾***文: ( 2024-12-29 09:33:29 )

    五星好评哦

  • 网友 瞿***香: ( 2025-01-07 03:56:30 )

    非常好就是加载有点儿慢。

  • 网友 扈***洁: ( 2025-01-04 10:12:15 )

    还不错啊,挺好

  • 网友 谭***然: ( 2025-01-18 00:51:38 )

    如果不要钱就好了

  • 网友 丁***菱: ( 2025-01-04 01:30:11 )

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

  • 网友 辛***玮: ( 2025-01-03 18:29:24 )

    页面不错 整体风格喜欢

  • 网友 曾***玉: ( 2024-12-21 17:48:00 )

    直接选择epub/azw3/mobi就可以了,然后导入微信读书,体验百分百!!!


随机推荐