如何在 sklearn Python 中绘制 SVM 决策边界?

Posted

技术标签:

【中文标题】如何在 sklearn Python 中绘制 SVM 决策边界?【英文标题】:How to plot SVM decision boundary in sklearn Python? 【发布时间】:2018-12-31 21:51:25 【问题描述】:

使用带有 sklearn 库的 SVM,我想用每个标签代表其颜色来绘制数据。我不想给点上色,而是用颜色填充区域。

我现在有:

d_pred, d_train_std, d_test_std, l_train, l_test

d_pred 是预测的标签。 我会用 d_train_std 绘制 d_pred 和 shape : (70000,2) 其中 X 轴是第一列,Y 轴是第二列。

谢谢。

【问题讨论】:

你到底想画什么?你只需要一个散点图还是你想绘制决策面/边界?还有d_train_std 是什么? 感谢您的回答。我还想绘制决策边界。 d_train_std 是我标准化的训练数据。 查看我的答案并告诉我 非常感谢 我做到了,谢谢 【参考方案1】:

您无法将许多特征的决策面可视化。这是因为维度会太多,无法可视化 N 维表面。

但是,您可以使用 2 个特征并绘制漂亮的决策曲面,如下所示。

我在这里也写了一篇关于这个的文章: https://towardsdatascience.com/support-vector-machines-svm-clearly-explained-a-python-tutorial-for-classification-problems-29c539f3ad8?source=friends_link&sk=80f72ab272550d76a0cc3730d7c8af35

案例 1:2 个特征的 2D 图并使用 iris 数据集

from sklearn.svm import SVC
import numpy as np
import matplotlib.pyplot as plt
from sklearn import svm, datasets

iris = datasets.load_iris()
X = iris.data[:, :2]  # we only take the first two features.
y = iris.target

def make_meshgrid(x, y, h=.02):
    x_min, x_max = x.min() - 1, x.max() + 1
    y_min, y_max = y.min() - 1, y.max() + 1
    xx, yy = np.meshgrid(np.arange(x_min, x_max, h), np.arange(y_min, y_max, h))
    return xx, yy

def plot_contours(ax, clf, xx, yy, **params):
    Z = clf.predict(np.c_[xx.ravel(), yy.ravel()])
    Z = Z.reshape(xx.shape)
    out = ax.contourf(xx, yy, Z, **params)
    return out

model = svm.SVC(kernel='linear')
clf = model.fit(X, y)

fig, ax = plt.subplots()
# title for the plots
title = ('Decision surface of linear SVC ')
# Set-up grid for plotting.
X0, X1 = X[:, 0], X[:, 1]
xx, yy = make_meshgrid(X0, X1)

plot_contours(ax, clf, xx, yy, cmap=plt.cm.coolwarm, alpha=0.8)
ax.scatter(X0, X1, c=y, cmap=plt.cm.coolwarm, s=20, edgecolors='k')
ax.set_ylabel('y label here')
ax.set_xlabel('x label here')
ax.set_xticks(())
ax.set_yticks(())
ax.set_title(title)
ax.legend()
plt.show()

案例 2:3 个特征的 3D 图并使用 iris 数据集

from sklearn.svm import SVC
import numpy as np
import matplotlib.pyplot as plt
from sklearn import svm, datasets
from mpl_toolkits.mplot3d import Axes3D

iris = datasets.load_iris()
X = iris.data[:, :3]  # we only take the first three features.
Y = iris.target

#make it binary classification problem
X = X[np.logical_or(Y==0,Y==1)]
Y = Y[np.logical_or(Y==0,Y==1)]

model = svm.SVC(kernel='linear')
clf = model.fit(X, Y)

# The equation of the separating plane is given by all x so that np.dot(svc.coef_[0], x) + b = 0.
# Solve for w3 (z)
z = lambda x,y: (-clf.intercept_[0]-clf.coef_[0][0]*x -clf.coef_[0][1]*y) / clf.coef_[0][2]

tmp = np.linspace(-5,5,30)
x,y = np.meshgrid(tmp,tmp)

fig = plt.figure()
ax  = fig.add_subplot(111, projection='3d')
ax.plot3D(X[Y==0,0], X[Y==0,1], X[Y==0,2],'ob')
ax.plot3D(X[Y==1,0], X[Y==1,1], X[Y==1,2],'sr')
ax.plot_surface(x, y, z(x,y))
ax.view_init(30, 60)
plt.show()

【讨论】:

以上是关于如何在 sklearn Python 中绘制 SVM 决策边界?的主要内容,如果未能解决你的问题,请参考以下文章

python:如何在sklearn中使用逻辑回归系数构建决策边界

在 python 中绘制 sklearn 集群

在 python 中的 sklearn 中绘制 DBSCAN 中的特定点

如何在sklearn的python代码中使用SwarmPackagePy进行回归?

python基于sklearn编程实现交叉验证的ROC曲线绘制自定义AUC的有效小数位数(sklearn中RocCurveDisplay函数的默认有效位数为2位且不可以修改)

Python 3.5 尝试使用 sklearn 和 matplotlib 绘制 PCA