支持向量机实现鸢尾花分类
时间: 2023-10-06 17:14:09 浏览: 143
好的,下面是使用支持向量机(SVM)实现鸢尾花分类的代码:
```python
# 导入需要使用的库
import numpy as np
import matplotlib.pyplot as plt
from sklearn import svm, datasets
from sklearn.model_selection import train_test_split
# 加载鸢尾花数据集
iris = datasets.load_iris()
# 只使用前两个特征
X = iris.data[:, :2]
y = iris.target
# 将数据集分为训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=0)
# 定义SVM模型,使用线性核函数
svc = svm.SVC(kernel='linear', C=1.0)
# 训练模型
svc.fit(X_train, y_train)
# 预测测试集
y_pred = svc.predict(X_test)
# 计算准确率
accuracy = np.mean(y_pred == y_test)
# 输出准确率
print('准确率为:', accuracy)
# 绘制决策边界
x_min, x_max = X[:, 0].min() - 1, X[:, 0].max() + 1
y_min, y_max = X[:, 1].min() - 1, X[:, 1].max() + 1
xx, yy = np.meshgrid(np.arange(x_min, x_max, 0.02),
np.arange(y_min, y_max, 0.02))
Z = svc.predict(np.c_[xx.ravel(), yy.ravel()])
Z = Z.reshape(xx.shape)
plt.contourf(xx, yy, Z, cmap=plt.cm.RdYlBu)
plt.scatter(X[:, 0], X[:, 1], c=y, cmap=plt.cm.RdYlBu, edgecolors='k')
plt.title("SVM Classifier")
plt.show()
```
这段代码使用了Scikit-learn中的SVM模型来对鸢尾花数据集进行分类。首先,将数据集分为训练集和测试集,然后定义SVM模型并使用线性核函数进行训练。接着,使用训练好的模型对测试集进行预测,并计算预测准确率。最后,绘制决策边界来可视化分类结果。
阅读全文