📔
liu_yu_bo_play_with_machine_learning
  • README
  • src
    • Introduction
    • Summary
    • Chapter10
      • 第十章:评价分类结果
    • Chapter10
      • 10-2 精确率和召回率
    • Chapter10
      • 10-3 实现混淆矩阵、精准率、召回率
    • Chapter10
      • 10-4 F1 score
    • Chapter10
      • 10-5 Precision-Recall平衡
    • Chapter10
      • 10-6 precision-recall曲线
    • Chapter10
      • 10-7 ROC曲线
    • Chapter10
      • 10-8 多分类问题中的混淆矩阵
    • Chapter11
      • 11-1 什么是支撑向量机
    • Chapter11
      • 11-2 支撑向量机的推导过程
    • Chapter11
      • 11-3 Soft Margin和SVM的正则化
    • Chapter11
      • 11-4 scikit-leran中的SVM
    • Chapter11
      • 11-5 SVM中使用多项式特征
    • Chapter11
      • 11-6 什么是核函数
    • Chapter11
      • 11-7 高斯核函数
    • Chapter11
      • 11-8 scikit-learn中的高斯核函数
    • Chapter11
      • 11-9 SVM思想解决回归问题
    • Chapter12
      • 第十二章:决策树
    • Chapter12
      • 12-2 信息熵
    • Chapter12
      • 12-3 使用信息寻找最优划分
    • Chapter12
      • 12-4 基尼系数
    • Chapter12
      • 12-5 CART和决策树中的超参数
    • Chapter12
      • 12-6 决策树解决回归问题
    • Chapter12
      • 12-7 决策树的局限性
    • Chapter13
      • 第十三章:集成学习和随机森林
    • Chapter13
      • 13-2 soft voting
    • Chapter13
      • 13-3 bagging和pasting
    • Chapter13
      • 13-4 更多关于bagging的讨论
    • Chapter13
      • 13-5 随机森林和extra-trees
    • Chapter13
      • 13-6 ada boosting和gradiesnt boosting
    • Chapter13
      • 13-7 Stacking
    • Chapter4
      • KNN - K近邻算法 - K-Nearest Neighbors
    • Chapter4
      • 4-1
    • Chapter4
      • 4-2
    • Chapter4
      • 4-3 训练数据集,测试数据集
    • Chapter4
      • 4-4 分类准确度
    • Chapter4
      • 4-5
    • Chapter4
      • 4-6 网格搜索
    • Chapter4
      • 4-7
    • Chapter4
      • 4-8 scikit-learn中的Scaler
    • Chapter4
      • 4-9 更多有关K近邻算法的思考
    • Chapter5
      • 线性回归算法
    • Chapter5
      • 5-1
    • Chapter5
      • 5-10 线性回归的可解释性和更多思考
    • Chapter5
      • 5-2 最小二乘法
    • Chapter5
      • 5-3 简单线性回归的实现
    • Chapter5
      • 5-4 参数计算向量化
    • Chapter5
      • 5-5 衡量线性回归算法的指标
    • Chapter5
      • 5-6 最好的衡量线性回归法的指标 R Squared
    • Chapter5
      • 5-7 简单线性回归和正规方程解
    • Chapter5
      • 5-8 实现多元线性回归
    • Chapter5
      • 5-9 scikit-learn中的回归算法
    • Chapter6
      • 第六章:梯度下降法
    • Chapter6
      • 6-2 模拟实现梯度下降法
    • Chapter6
      • 6-3 多元线性回归中的梯度下降法
    • Chapter6
      • 6-4 在线性回归模型中使用梯度下降法
    • Chapter6
      • 6-5 梯度下降的向量化
    • Chapter6
      • 6-6 随机梯度下降
    • Chapter6
      • 6-7 代码实现随机梯度下降
    • Chapter6
      • 6-8 调试梯度下降法
    • Chapter6
      • 6-9 有关梯度下降法的更多深入讨论
    • Chapter7
      • 主成分分析法 PCA Principal Component Analysis
    • Chapter7
      • 7-1
    • Chapter7
      • 7-2 使用梯度上升法求解主成分分析问题
    • Chapter7
      • 7-3 代码实现主成分分析问题
    • Chapter7
      • 7-4 求数据的前N个主成分
    • Chapter7
      • 7-5 高维数据向低维数据映射
    • Chapter7
      • 7-6 scikit learn中的PCA
    • Chapter7
      • 7-7 MNIST数据集
    • Chapter7
      • 7-8 使用PCA降噪
    • Chapter7
      • 7-9 人脸识别和特征脸(未完成)
    • Chapter8
      • 第八章:多项式回归与模型泛化
    • Chapter8
      • 8-10 L1,L2和弹性网络
    • Chapter8
      • 8-2 scikit-learn中的多项式回归和pipeline
    • Chapter8
      • 8-3 过拟合和欠拟合
    • Chapter8
      • 8-4 为什么要训练数据集和测试数据集
    • Chapter8
      • 8-5 学习曲线
    • Chapter8
      • 8-6 验证数据集与交叉验证
    • Chapter8
      • 8-7 偏差方差权衡 Bias Variance Trade off
    • Chapter8
      • 8-8 模型正则化 Regularization
    • Chapter8
      • 8-9 LASSO Regularization
    • Chapter9
      • 第九章:逻辑回归
    • Chapter9
      • 9-2 逻辑回归的损失函数
    • Chapter9
      • 9-3 逻辑回归算法损失函数的梯度
    • Chapter9
      • 9-4 实现逻辑回归算法
    • Chapter9
      • 9-5 决策边界
    • Chapter9
      • 9-6 在逻辑回归中使用多项式特征
    • Chapter9
      • 9-7 scikit-learn中的逻辑回归
    • Chapter9
      • 9-8 OvR与OvO
Powered by GitBook
On this page
  • 准备数据
  • 数据标准化
  • 训练hard SVN模型
  • 分类效果
  • 训练soft SVN 模型
  • 绘制margin
  1. src
  2. Chapter11

11-4 scikit-leran中的SVM

PreviousChapter11NextChapter11

Last updated 5 years ago

和KNN一样,使用SVM之前要做数据标准化处理,因为SVM算法涉及距离。 尺度不平衡的例子: 数据标准化之后:

准备数据

import numpy as np
import matplotlib.pyplot as plt

from sklearn import datasets

iris = datasets.load_iris()
X = iris.data
y = iris.target

X = X[y<2,:2]
y = y[y<2]

plt.scatter(X[y==0,0],X[y==0,1], color='red')
plt.scatter(X[y==1,0],X[y==1,1], color='blue')
plt.show()

数据标准化

from sklearn.preprocessing import StandardScaler

standardScaler = StandardScaler()
standardScaler.fit(X)
X_standard = standardScaler.transform(X)

训练hard SVN模型

from sklearn.svm import LinearSVC

# Support Vector Classifier
svc = LinearSVC(C=1e9)  # C 越大,越hard
svc.fit(X_standard, y)

分类效果

def plot_decision_boundary(model, axis):
    x0, x1 = np.meshgrid(
        np.linspace(axis[0], axis[1], int((axis[1]-axis[0])*100)).reshape(-1,1),
        np.linspace(axis[2], axis[3], int((axis[3]-axis[2])*100)).reshape(-1,1)
    )
    X_new = np.c_[x0.ravel(), x1.ravel()]

    y_predict = model.predict(X_new)
    zz = y_predict.reshape(x0.shape)

    from matplotlib.colors import ListedColormap
    custom_cmap = ListedColormap(['#EF9A9A','#FFF59D','#90CAF9'])

    plt.contourf(x0, x1, zz, cmap=custom_cmap)

plot_decision_boundary(svc, axis=[-3,3,-3,3])
plt.scatter(X_standard[y==0,0],X_standard[y==0,1], color='red')
plt.scatter(X_standard[y==1,0],X_standard[y==1,1], color='blue')
plt.show()

训练soft SVN 模型

svc2 = LinearSVC(C=0.01)
svc2.fit(X_standard, y)

plot_decision_boundary(svc2, axis=[-3,3,-3,3])
plt.scatter(X_standard[y==0,0],X_standard[y==0,1], color='red')
plt.scatter(X_standard[y==1,0],X_standard[y==1,1], color='blue')
plt.show()

绘制margin

输入:svc.coef_ 输出:array([[ 4.03240038, -2.50701084]]) 样本中有两个特征,所以有2个系数,每个特征对应一个 输出是一个二维数组,因为sklearn提供的SVM算法可以处理多分类问题

输入:svc.intercept_ 输出:array([0.92736326])

def plot_svc_decision_boundary(model, axis):
    x0, x1 = np.meshgrid(
        np.linspace(axis[0], axis[1], int((axis[1]-axis[0])*100)).reshape(-1,1),
        np.linspace(axis[2], axis[3], int((axis[3]-axis[2])*100)).reshape(-1,1)
    )
    X_new = np.c_[x0.ravel(), x1.ravel()]

    y_predict = model.predict(X_new)
    zz = y_predict.reshape(x0.shape)

    from matplotlib.colors import ListedColormap
    custom_cmap = ListedColormap(['#EF9A9A','#FFF59D','#90CAF9'])

    plt.contourf(x0, x1, zz, cmap=custom_cmap)

    # 取出model的系数,只取第0个决策边界
    w = model.coef_[0]
    b = model.intercept_[0]

    # 决策边界的直线方程:w0 * x0 + x1 * x1 + b = 0
    # 决策边界的斜率和截距 => x1 = -w0/w1 * x0 - b/w1
    plot_x = np.linspace(axis[0], axis[1], 200) # 绘制用的x
    up_y = -w[0]/w[1] * plot_x - b/w[1] + 1/w[1] # w0 * x0 + x1 * x1 + b = 1
    down_y = -w[0]/w[1] * plot_x - b/w[1] - 1/w[1] # w0 * x0 + x1 * x1 + b = -1
    # 过滤,防止y超出图像边界
    up_index = (up_y >= axis[2]) & (up_y <= axis[3])
    down_index = (down_y >= axis[2]) & (down_y <= axis[3])
    plt.plot(plot_x[up_index], up_y[up_index], color='black')
    plt.plot(plot_x[down_index], down_y[down_index], color='black')

svc的margin

plot_svc_decision_boundary(svc, axis=[-3,3,-3,3])
plt.scatter(X_standard[y==0,0],X_standard[y==0,1], color='red')
plt.scatter(X_standard[y==1,0],X_standard[y==1,1], color='blue')
plt.show()

svc2的margin

plot_svc_decision_boundary(svc2, axis=[-3,3,-3,3])
plt.scatter(X_standard[y==0,0],X_standard[y==0,1], color='red')
plt.scatter(X_standard[y==1,0],X_standard[y==1,1], color='blue')
plt.show()

Note 1:sklarn提供的SVM算法支持多分类,默认使用ovr算法 Note 2:sklarn提供的SVM算法支持正则化,默认使用L2范式

图中有一个点被错误地分类了,这是soft的效果