IT数码 购物 网址 头条 软件 日历 阅读 图书馆
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
图片批量下载器
↓批量下载图片,美女图库↓
图片自动播放器
↓图片自动播放器↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁
 
   -> 人工智能 -> 数据分析3(svm) -> 正文阅读

[人工智能]数据分析3(svm)

通俗易懂举栗子–怎么理解支持向量机(SVM)?

1. 讲解SVM

# coding = utf-8
"""
@目的:展示svm
"""

import numpy as np
from sklearn import svm
import matplotlib.pyplot as plt

# 生成随机数据集
np.random.seed(2)
x = np.r_[np.random.randn(20, 2) - [2, 2], np.random.randn(20, 2) + [2, 2]]
y = [-1] * 20 + [1] * 20
print(x)
print(y)

# 构建模型
model = svm.SVC(kernel='linear', C=1.0)

model.fit(x, y)
support_vectors = model.support_vectors_     # 支持向量
index_ = model.support_               #  支持向量的索引
num = model.n_support_            # 每一类中有几个支持向量
print(support_vectors)    
print(index_)            
print(num)         


# 预测
x_ = np.array([[0, 1], [3, 4], [-1, -1]])
y_pred = model.predict(x_)
print(y_pred)

# 拟合
a = model.intercept_
b = model.coef_


# 绘制图形
plt.scatter(support_vectors[:, 0], support_vectors[:, 1], s=100, edgecolors='k')
plt.scatter(x[:, 0], x[:, 1], c=y, cmap=plt.cm.coolwarm, marker='o', s=50)
x1 = np.linspace(-5, 4, 100)
x2 = (-b[0][0] * x1 - a[0]) / b[0][1]
plt.plot(x1, x2, 'k')
plt.plot(x1, (-b[0][0] * x1 - a[0] - 1) / b[0][1], 'k--')
plt.plot(x1, (-b[0][0] * x1 - a[0] + 1) / b[0][1], 'k--')
plt.scatter(x_[:, 0], x_[:, 1], c=y_pred, marker='^', s=80)
plt.axis('tight')
plt.show()

2. 使用svm做鸢尾花分类

# coding = utf-8
"""
@目的:用svm做鸢尾花分类
"""

from sklearn import datasets, svm
from sklearn.model_selection import train_test_split
import matplotlib.pyplot as plt
import matplotlib as mpl
from matplotlib import colors
import numpy as np

plt.rcParams['font.sans-serif'] = ['SimHei']  # 显示中文标签
plt.rcParams['axes.unicode_minus'] = False

# 加载数据
iris = datasets.load_iris()
iris_feature = iris['data']
iris_target = iris['target']
iris_target_name = iris['target_names']
# print(iris)

def show():
    t0 = [index for index in range(len(iris_target)) if iris_target[index] == 0]
    t1 = [index for index in range(len(iris_target)) if iris_target[index] == 1]
    t2 = [index for index in range(len(iris_target)) if iris_target[index] == 2]
    
    plt.scatter(x=iris_feature[t0, 0], y=iris_feature[t0, 1], color='r', label='Iris-virginica')
    plt.scatter(x=iris_feature[t1, 0], y=iris_feature[t1, 1], color='g', label='Iris-setosa')
    plt.scatter(x=iris_feature[t2, 0], y=iris_feature[t2, 1], color='b', label='Iris-versicolor')
    plt.xlabel("花萼长度", fontsize=20)
    plt.ylabel("花瓣长度", fontsize=20)
    plt.title("数据集展示", fontsize=20)
    plt.legend(fontsize=20)
    plt.show()


if __name__ == '__main__':
    # show()
    feature_train, feature_test, target_train, target_test = train_test_split(iris_feature, iris_target, test_size=0.33, random_state=10)
    model = svm.SVC(C=1.0, kernel='rbf', decision_function_shape='ovr', gamma=0.01)
    model.fit(feature_train, target_train)

    print("训练集:", model.score(feature_train, target_train))
    print("测试集:", model.score(feature_test, target_test))
    target_test_predict = model.predict(feature_test)
    comp = zip(target_test, target_test_predict)
    print(list(comp))

    plt.figure()
    plt.subplot(121)
    plt.scatter(feature_test[:, 0], feature_test[:, 1], c=target_test.reshape((-1)), edgecolors='k', s=50)
    plt.subplot(122)
    plt.scatter(feature_test[:, 0], feature_test[:, 1], c=target_test_predict.reshape((-1)), edgecolors='k', s=50)
    plt.show()


有时间再将三个文件内容进行完善。

  人工智能 最新文章
2022吴恩达机器学习课程——第二课(神经网
第十五章 规则学习
FixMatch: Simplifying Semi-Supervised Le
数据挖掘Java——Kmeans算法的实现
大脑皮层的分割方法
【翻译】GPT-3是如何工作的
论文笔记:TEACHTEXT: CrossModal Generaliz
python从零学(六)
详解Python 3.x 导入(import)
【答读者问27】backtrader不支持最新版本的
上一篇文章      下一篇文章      查看所有文章
加:2021-11-12 19:35:31  更:2021-11-12 19:36:58 
 
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁

360图书馆 购物 三丰科技 阅读网 日历 万年历 2024年11日历 -2024/11/27 6:33:59-

图片自动播放器
↓图片自动播放器↓
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
图片批量下载器
↓批量下载图片,美女图库↓
  网站联系: qq:121756557 email:121756557@qq.com  IT数码