写一个实验小结关于sklearn调用支持向量机模块进行分类任务
时间: 2024-05-03 21:19:00 浏览: 110
本次实验使用sklearn库中的支持向量机(SVM)模块进行分类任务。SVM是一种非常常用的分类算法,其原理是通过将数据映射到高维空间,找到一个最优的超平面来将不同类别的数据分开。
首先,我们需要导入sklearn库中的SVM模块以及其他必要的库:
```python
from sklearn import svm
from sklearn.model_selection import train_test_split
from sklearn.metrics import accuracy_score
from sklearn.datasets import load_iris
```
接着,我们加载一个经典的分类数据集——鸢尾花数据集:
```python
iris = load_iris()
X = iris.data
y = iris.target
```
然后,我们将数据集分成训练集和测试集两部分:
```python
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=0)
```
接下来,我们可以使用SVM模块创建一个分类器,并将其拟合到训练数据集上:
```python
clf = svm.SVC(kernel='linear', C=1)
clf.fit(X_train, y_train)
```
在训练完成后,我们可以使用测试集来评估分类器的性能:
```python
y_pred = clf.predict(X_test)
accuracy = accuracy_score(y_test, y_pred)
print('Accuracy:', accuracy)
```
最后,我们可以输出分类器的决策边界:
```python
import numpy as np
import matplotlib.pyplot as plt
# 绘制决策边界
def plot_decision_boundary(model, X, y):
# Set min and max values and give it some padding
x_min, x_max = X[:, 0].min() - 1, X[:, 0].max() + 1
y_min, y_max = X[:, 1].min() - 1, X[:, 1].max() + 1
h = 0.01
# Generate a grid of points with distance h between them
xx, yy = np.meshgrid(np.arange(x_min, x_max, h), np.arange(y_min, y_max, h))
# Predict the function value for the whole gid
Z = model.predict(np.c_[xx.ravel(), yy.ravel()])
Z = Z.reshape(xx.shape)
# Plot the contour and training examples
plt.contourf(xx, yy, Z, cmap=plt.cm.Spectral)
plt.scatter(X[:, 0], X[:, 1], c=y, cmap=plt.cm.Spectral)
plot_decision_boundary(clf, X_test, y_test)
plt.title('SVM Decision Boundary')
plt.show()
```
以上就是使用sklearn的SVM模块进行分类任务的基本流程。
阅读全文