当前位置:   article > 正文

python中sklearn库predict,python sklearn linearmodel

python中sklearn库predict,python sklearn linearmodel

大家好,小编来为大家解答以下问题,python中sklearn库predict,python sklearn linearmodel,今天让我们一起来看看吧!

Sklearn学习资料推荐:

sklearn中文文档

机器学习入门必看:使用 scikit-learn 构建模型的通用模板

机器学习神器Scikit-Learn保姆教程!

python机器学习_FF_y的博客-CSDN博客

Python机器学习笔记:常用评估模型指标的用法 

Sklean介绍

 sklearn是机器学习中一个常用的python第三方模块,里面对一些常用的机器学习方法进行了封装,在进行机器学习任务时,并不需要每个人都实现所有的算法,只需要简单的调用sklearn里的模块就可以实现大多数机器学习任务。

    机器学习任务通常包括分类(Classification)和回归(Regression),常用的分类器包括SVM、KNN、贝叶斯、线性回归、逻辑回归、决策树、随机森林、xgboost、GBDT、boosting、神经网络NNpython流星雨特效代码。常见的降维方法包括TF-IDF、主题模型LDA、主成分分析PCA等等。

 Sklearn速查表

scikit-learn是数据挖掘与分析的简单而有效的工具。依赖于NumPy, SciPy和matplotlib。Scikit-learn 中,所有的估计器都带有 fit() 和 predict() 方法。fit() 用来分析模型参数(拟合),predict() 是通过 fit() 算出的模型参数构成的模型,对解释变量(特征)进行预测获得的值(预测)。

它主要包含以下几部分内容:

  • 从功能来分:
    • classification 分类
    • Regression 回归
    • Clustering 聚类
    • Dimensionality reduction  降维
    • Model selection 模型选择
    • Preprocessing  预处理
  • 从API模块来分:
    • sklearn.base: Base classes and utility function
    • sklearn.cluster: Clustering
    • sklearn.cluster.bicluster: Biclustering
    • sklearn.covariance: Covariance Estimators
    • sklearn.model_selection: Model Selection
    • sklearn.datasets: Datasets
    • sklearn.decomposition: Matrix Decomposition
    • sklearn.dummy: Dummy estimators
    • sklearn.ensemble: Ensemble Methods
    • sklearn.exceptions: Exceptions and warnings
    • sklearn.feature_extraction: Feature Extraction
    • sklearn.feature_selection: Feature Selection
    • sklearn.gaussian_process: Gaussian Processes
    • sklearn.isotonic: Isotonic regression
    • sklearn.kernel_approximation: Kernel Approximation
    • sklearn.kernel_ridge: Kernel Ridge Regression
    • sklearn.discriminant_analysis: Discriminant Analysis
    • sklearn.linear_model: Generalized Linear Models
    • sklearn.manifold: Manifold Learning
    • sklearn.metrics: Metrics
    • sklearn.mixture: Gaussian Mixture Models
    • sklearn.multiclass: Multiclass and multilabel classification
    • sklearn.multioutput: Multioutput regression and classification
    • sklearn.naive_bayes: Naive Bayes
    • sklearn.neighbors: Nearest Neighbors
    • sklearn.neural_network: Neural network models
    • sklearn.calibration: Probability Calibration
    • sklearn.cross_decomposition: Cross decomposition
    • sklearn.pipeline: Pipeline
    • sklearn.preprocessing: Preprocessing and Normalization
    • sklearn.random_projection: Random projection
    • sklearn.semi_supervised: Semi-Supervised Learning
    • sklearn.svm: Support Vector Machines
    • sklearn.tree: Decision Tree
    • sklearn.utils: Utilities

cluster聚类

阅读sklearn.cluster的API,可以发现里面主要有两个内容:一个是各种聚类方法的class如cluster.KMeans,一个是可以直接使用的聚类方法的函数如

  1. sklearn.cluster.k_means(X, n_clusters, init='k-means++',
  2. precompute_distances='auto', n_init=10, max_iter=300,
  3. verbose=False, tol=0.0001, random_state=None,
  4. copy_x=True, n_jobs=1, algorithm='auto', return_n_iter=False)

所以实际使用中,对应也有两种方法。

sklearn.cluster共有9种聚类方法,分别是

  • AffinityPropagation: 吸引子传播
  • AgglomerativeClustering: 层次聚类
  • Birch
  • DBSCAN
  • FeatureAgglomeration: 特征聚集
  • KMeans: K均值聚类
  • MiniBatchKMeans
  • MeanShift
  • SpectralClustering: 谱聚类

拿我们最熟悉的Kmeans举例说明:

采用类构造器,来构造Kmeans聚类器,首先API中KMeans的构造函数为:

  1. sklearn.cluster.KMeans(n_clusters=8,
  2. init='k-means++',
  3. n_init=10,
  4. max_iter=300,
  5. tol=0.0001,
  6. precompute_distances='auto',
  7. verbose=0,
  8. random_state=None,
  9. copy_x=True,
  10. n_jobs=1,
  11. algorithm='auto'
  12. )

参数的意义:

  • n_clusters:簇的个数,即你想聚成几类
  • init: 初始簇中心的获取方法
  • n_init: 获取初始簇中心的更迭次数
  • max_iter: 最大迭代次数(因为kmeans算法的实现需要迭代)
  • tol: 容忍度,即kmeans运行准则收敛的条件
  • precompute_distances:是否需要提前计算距离
  • verbose: 冗长模式(不太懂是啥意思,反正一般不去改默认值)
  • random_state: 随机生成簇中心的状态条件。
  • copy_x: 对是否修改数据的一个标记,如果True,即复制了就不会修改数据。
  • n_jobs: 并行设置
  • algorithm: kmeans的实现算法,有:'auto''full''elkan', 其中 'full'表示用EM方式实现

虽然有很多参数,但是都已经给出了默认值。所以我们一般不需要去传入这些参数,参数的。可以根据实际需要来调用。下面给一个简单的例子:

  1. import numpy as np
  2. from sklearn.cluster import KMeans
  3. data = np.random.rand(100, 3) #生成一个随机数据,样本大小为100, 特征数为3
  4. #假如我要构造一个聚类数为3的聚类器
  5. estimator = KMeans(n_clusters=3)#构造聚类器
  6. estimator.fit(data)#聚类
  7. label_pred = estimator.label_ #获取聚类标签
  8. centroids = estimator.cluster_centers_ #获取聚类中心
  9. inertia = estimator.inertia_ # 获取聚类准则的最后值

直接采用kmeans函数:

  1. import numpy as np
  2. from sklearn import cluster
  3. data = np.random.rand(100, 3) #生成一个随机数据,样本大小为100, 特征数为3
  4. k = 3 # 假如我要聚类为3个clusters
  5. [centroid, label, inertia] = cluster.k_means(data, k)
  • 当然其他方法也是类似,具体使用要参考API。(学会阅读API,习惯去阅读API)

classification分类

分类是数据挖掘或者机器学习中最重要的一个部分。不过由于经典的分类方法机制比较特性化,所以好像sklearn并没有特别定制一个分类器这样的class。
常用的分类方法有:

  • KNN最近邻:sklearn.neighbors
  • logistic regression逻辑回归: sklearn.linear_model.LogisticRegression
  • svm支持向量机: sklearn.svm
  • Naive Bayes朴素贝叶斯: sklearn.naive_bayes
  • Decision Tree决策树: sklearn.tree
  • Neural network神经网络: sklearn.neural_network

那么下面以KNN为例(主要是Nearest Neighbors Classification):

KNN
  1. from sklearn import neighbors, datasets
  2. # import some data to play with
  3. iris = datasets.load_iris()
  4. n_neighbors = 15
  5. X = iris.data[:, :2] # we only take the first two features. We could
  6. # avoid this ugly slicing by using a two-dim dataset
  7. y = iris.target
  8. weights = 'distance' # also set as 'uniform'
  9. clf = neighbors.KNeighborsClassifier(n_neighbors, weights=weights)
  10. clf.fit(X, y)
  11. # if you have test data, just predict with the following functions
  12. # for example, xx, yy is constructed test data
  13. x_min, x_max = X[:, 0].min() - 1, X[:, 0].max() + 1
  14. y_min, y_max = X[:, 1].min() - 1, X[:, 1].max() + 1
  15. xx, yy = np.meshgrid(np.arange(x_min, x_max, h),
  16. np.arange(y_min, y_max, h))
  17. Z = clf.predict(np.c_[xx.ravel(), yy.ravel()]) # Z is the label_pred
svm:
  1. from sklearn import svm
  2. X = [[0, 0], [1, 1]]
  3. y = [0, 1]
  4. #建立支持向量分类模型
  5. clf = svm.SVC()
  6. #拟合训练数据,得到训练模型参数
  7. clf.fit(X, y)
  8. #对测试点[2., 2.], [3., 3.]预测
  9. res = clf.predict([[2., 2.],[3., 3.]])
  10. #输出预测结果值
  11. print res
  12. #get support vectors
  13. print "support vectors:", clf.support_vectors_
  14. #get indices of support vectors
  15. print "indices of support vectors:", clf.support_
  16. #get number of support vectors for each class
  17. print "number of support vectors for each class:", clf.n_support_

当然SVM还有对应的回归模型SVR

  1. from sklearn import svm
  2. X = [[0, 0], [2, 2]]
  3. y = [0.5, 2.5]
  4. clf = svm.SVR()
  5. clf.fit(X, y)
  6. res = clf.predict([[1, 1]])
  7. print res
  • 逻辑回归
  1. from sklearn import linear_model
  2. X = [[0, 0], [1, 1]]
  3. y = [0, 1]
  4. logreg = linear_model.LogisticRegression(C=1e5)
  5. #we create an instance of Neighbours Classifier and fit the data.
  6. logreg.fit(X, y)
  7. res = logreg.predict([[2, 2]])
  8. print res

preprocessing

这一块通常我要用到的是Scale操作。而Scale类型也有很多,包括:

  • StandardScaler
  • MaxAbsScaler
  • MinMaxScaler
  • RobustScaler
  • Normalizer
  • 等其他预处理操作

对应的有直接的函数使用:scale(), maxabs_scale(), minmax_scale(), robust_scale(), normaizer()

例如:

  1. import numpy as np
  2. from sklearn import preprocessing
  3. X = np.random.rand(3,4)
  4. #用scaler的方法
  5. scaler = preprocessing.MinMaxScaler()
  6. X_scaled = scaler.fit_transform(X)
  7. #用scale函数的方法
  8. X_scaled_convinent = preprocessing.minmax_scale(X)

decomposition降维

说一下NMF与PCA吧,这两个比较常用。

  1. import numpy as np
  2. X = np.array([[1,1], [2, 1], [3, 1.2], [4, 1], [5, 0.8], [6, 1]])
  3. from sklearn.decomposition import NMF
  4. model = NMF(n_components=2, init='random', random_state=0)
  5. model.fit(X)
  6. print model.components_
  7. print model.reconstruction_err_
  8. print model.n_iter_

这里说一下这个类下面fit()fit_transform()的区别,前者仅训练一个模型,没有返回nmf后的分支,而后者除了训练数据,并返回nmf后的分支。

PCA也是类似,只不过没有那些初始化参数,如下:

  1. import numpy as np
  2. X = np.array([[1,1], [2, 1], [3, 1.2], [4, 1], [5, 0.8], [6, 1]])
  3. from sklearn.decomposition import PCA
  4. model = PCA(n_components=2)
  5. model.fit(X)
  6. print model.components_
  7. print model.n_components_
  8. print model.explained_variance_
  9. print model.explained_variance_ratio_
  10. print model.mean_
  11. print model.noise_variance_

metrics评估

上述聚类分类任务,都需要最后的评估。

分类

比如分类,有下面常用评价指标与metrics:

  • accuracy_score
  • auc
  • f1_score
  • fbeta_score
  • hamming_loss
  • hinge_loss
  • jaccard_similarity_score
  • log_loss
  • recall_score

下面例子求的是分类结果的准确率:

  1. from sklearn.metrics import accuracy_score
  2. y_pred = [0, 2, 1, 3]
  3. y_true = [0, 1, 2, 3]
  4. ac = accuracy_score(y_true, y_pred)
  5. print ac
  6. ac2 = accuracy_score(y_true, y_pred, normalize=False)
  7. print ac2

其他指标的使用类似。

回归

回归的相关metrics包含且不限于以下:

  • mean_absolute_error
  • mean_squared_error
  • median_absolute_error
聚类

有以下常用评价指标(internal and external):

  • adjusted_mutual_info_score
  • adjusted_rand_score
  • completeness_score
  • homogeneity_score
  • normalized_mutual_info_score
  • silhouette_score
  • v_measure_score

下面例子求的是聚类结果的NMI(标准互信息),其他指标也类似。

  1. from sklearn.metrics import normalized_mutual_info_score
  2. y_pred = [0,0,1,1,2,2]
  3. y_true = [1,1,2,2,3,3]
  4. nmi = normalized_mutual_info_score(y_true, y_pred)
  5. print nmi

当然除此之外还有更多其他的metrics。参考API。

datasets 数据集

sklearn本身也提供了几个常见的数据集,如iris, diabetes, digits, covtype, kddcup99, boson, breast_cancer,都可以通过sklearn.datasets.load_iris类似的方法加载相应的数据集。它返回一个数据集。采用下列方式获取数据与标签。

  1. from sklearn.datasets import load_iris
  2. iris = load_iris()
  3. X = iris.data
  4. y = iris.target

除了这些公用的数据集外,datasets模块还提供了很多数据操作的函数,如load_files, load_svmlight_file,以及很多data generators。

panda.io还提供了很多可load外部数据(如csv, excel, json, sql等格式)的方法。

还可以获取mldata这个repos上的数据集。

python的功能还是比较强大。

当然数据集的load也可以通过自己写readfile函数来读写文件。

其余Sklearn优秀博文推荐:

Python机器学习笔记:sklearn库的学习 - 战争热诚 - 博客园

Python机器学习库——Sklearn_韩明宇-CSDN博客_python sklearn库

Python机器学习——Sklearn学习笔记_saywhyif的博客-CSDN博客

从Python开始学AI 在线思维导图

文章知识点与官方知识档案匹配,可进一步学习相关知识
Python入门技能树首页概览422343 人正在系统学习中
声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/不正经/article/detail/650590
推荐阅读
相关标签
  

闽ICP备14008679号