1. 程式人生 > >分類問題(一):SVM(Python——基於skearn實現鳶尾花資料集分類)

分類問題(一):SVM(Python——基於skearn實現鳶尾花資料集分類)

第一步:

# -*- coding: utf-8 -*-
"""
Created on Fri Sep 21 14:26:25 2018

@author: bd04
"""
# !/usr/bin/env python
# encoding: utf-8
__author__ = 'Xiaolin Shen'
from sklearn import svm
import numpy as np
from sklearn import model_selection
import matplotlib.pyplot as plt
import matplotlib as mpl
from matplotlib import colors



# 當使用numpy中的loadtxt函式匯入該資料集時,假設資料型別dtype為浮點型,但是很明顯資料集的第五列的資料型別是字串並不是浮點型。
# 因此需要額外做一個工作,即通過loadtxt()函式中的converters引數將第五列通過轉換函式對映成浮點型別的資料。
# 首先,我們要寫出一個轉換函式:
# 定義一個函式,將不同類別標籤與數字相對應
def iris_type(s):
    class_label={b'Iris-setosa':0,b'Iris-versicolor':1,b'Iris-virginica':2}
    return class_label[s]

#(1)使用numpy中的loadtxt讀入資料檔案
filepath='C:/Users/bd04/Desktop/iris分類/iris.txt'  # 資料檔案路徑
data=np.loadtxt(filepath,dtype=float,delimiter=',',converters={4:iris_type})
#以上4個引數中分別表示:
#filepath :檔案路徑。eg:C:/Dataset/iris.txt。
#dtype=float :資料型別。eg:float、str等。
#delimiter=',' :資料以什麼分割符號分割。eg:‘,’。
#converters={4:iris_type} :對某一列資料(第四列)進行某種型別的轉換,將資料列與轉換函式進行對映的字典。eg:{1:fun},含義是將第2列對應轉換函式進行轉換。
#                          converters={4: iris_type}中“4”指的是第5列。

print(data)

輸出資料集的結果:

------------------------------------------------------------

 第二步:接著 上面程式碼

#(2)將原始資料集劃分成訓練集和測試集
X ,y=np.split(data,(4,),axis=1) #np.split 按照列(axis=1)進行分割,從第四列開始往後的作為y 資料,之前的作為X 資料。函式 split(資料,分割位置,軸=1(水平分割) or 0(垂直分割))。
x=X[:,0:2] #在 X中取前兩列作為特徵(為了後期的視覺化畫圖更加直觀,故只取前兩列特徵值向量進行訓練)
x_train,x_test,y_train,y_test=model_selection.train_test_split(x,y,random_state=1,test_size=0.3)
# 用train_test_split將資料隨機分為訓練集和測試集,測試集佔總資料的30%(test_size=0.3),random_state是隨機數種子
# 引數解釋:
# x:train_data:所要劃分的樣本特徵集。
# y:train_target:所要劃分的樣本結果。
# test_size:樣本佔比,如果是整數的話就是樣本的數量。
# random_state:是隨機數的種子。
# (隨機數種子:其實就是該組隨機數的編號,在需要重複試驗的時候,保證得到一組一樣的隨機數。比如你每次都填1,其他引數一樣的情況下你得到的隨機陣列是一樣的。但填0或不填,每次都會不一樣。
# 隨機數的產生取決於種子,隨機數和種子之間的關係遵從以下兩個規則:種子不同,產生不同的隨機數;種子相同,即使例項不同也產生相同的隨機數。)


#(3)搭建模型,訓練SVM分類器
# classifier=svm.SVC(kernel='linear',gamma=0.1,decision_function_shape='ovo',C=0.1)
# kernel='linear'時,為線性核函式,C越大分類效果越好,但有可能會過擬合(defaul C=1)。
classifier=svm.SVC(kernel='rbf',gamma=0.1,decision_function_shape='ovo',C=0.8)
# kernel='rbf'(default)時,為高斯核函式,gamma值越小,分類介面越連續;gamma值越大,分類介面越“散”,分類效果越好,但有可能會過擬合。
# decision_function_shape='ovo'時,為one v one分類問題,即將類別兩兩之間進行劃分,用二分類的方法模擬多分類的結果。
# decision_function_shape='ovr'時,為one v rest分類問題,即一個類別與其他類別進行劃分。
#開始訓練
classifier.fit(x_train,y_train.ravel())
#呼叫ravel()函式將矩陣轉變成一維陣列
# (ravel()函式與flatten()的區別)
# 兩者所要實現的功能是一致的(將多維陣列降為一維),
# 兩者的區別在於返回拷貝(copy)還是返回檢視(view),
# numpy.flatten() 返回一份拷貝,對拷貝所做的修改不會影響(reflects)原始矩陣,
# 而numpy.ravel()返回的是檢視(view),會影響(reflects)原始矩陣。


def show_accuracy(y_hat,y_train,str):
    pass

#(4)計算svm分類器的準確率
print("SVM-輸出訓練集的準確率為:",classifier.score(x_train,y_train))
y_hat=classifier.predict(x_train)
show_accuracy(y_hat,y_train,'訓練集')
print("SVM-輸出測試集的準確率為:",classifier.score(x_test,y_test))
y_hat=classifier.predict(x_test)
show_accuracy(y_hat,y_test,'測試集')
# SVM-輸出訓練集的準確率為: 0.838095238095
# SVM-輸出測試集的準確率為: 0.777777777778


# 檢視決策函式,可以通過decision_function()實現。decision_function中每一列的值代表距離各類別的距離。
# print('decision_function:\n', classifier.decision_function(x_train))
print('\npredict:\n', classifier.predict(x_train))


# (5)繪製圖像
# 1.確定座標軸範圍,x,y軸分別表示兩個特徵
x1_min, x1_max = x[:, 0].min(), x[:, 0].max()  # 第0列的範圍  x[:, 0] ":"表示所有行,0表示第1列
x2_min, x2_max = x[:, 1].min(), x[:, 1].max()  # 第1列的範圍  x[:, 0] ":"表示所有行,1表示第2列
x1, x2 = np.mgrid[x1_min:x1_max:200j, x2_min:x2_max:200j]  # 生成網格取樣點(用meshgrid函式生成兩個網格矩陣X1和X2)
grid_test = np.stack((x1.flat, x2.flat), axis=1)  # 測試點,再通過stack()函式,axis=1,生成測試點
# .flat 將矩陣轉變成一維陣列 (與ravel()的區別:flatten:返回的是拷貝

print("grid_test = \n", grid_test)
# print("x = \n",x)
grid_hat = classifier.predict(grid_test)       # 預測分類值

print("grid_hat = \n", grid_hat)
# print(x1.shape())
grid_hat = grid_hat.reshape(x1.shape)  # 使之與輸入的形狀相同


# 2.指定預設字型
mpl.rcParams['font.sans-serif'] = [u'SimHei']
mpl.rcParams['axes.unicode_minus'] = False

# 3.繪製
cm_light = mpl.colors.ListedColormap(['#A0FFA0', '#FFA0A0', '#A0A0FF'])
cm_dark = mpl.colors.ListedColormap(['g', 'r', 'b'])

alpha=0.5

plt.pcolormesh(x1, x2, grid_hat, cmap=cm_light) # 預測值的顯示
# plt.scatter(x[:, 0], x[:, 1], c=y, edgecolors='k', s=50, cmap=cm_dark)  # 樣本
plt.plot(x[:, 0], x[:, 1], 'o', alpha=alpha, color='blue', markeredgecolor='k')
plt.scatter(x_test[:, 0], x_test[:, 1], s=120, facecolors='none', zorder=10)  # 圈中測試集樣本
plt.xlabel(u'花萼長度', fontsize=13)
plt.ylabel(u'花萼寬度', fontsize=13)
plt.xlim(x1_min, x1_max)
plt.ylim(x2_min, x2_max)
plt.title(u'鳶尾花SVM二特徵分類', fontsize=15)
# plt.grid()
plt.show()

輸出結果:

 

訓練集的準確率為: 0.8380952380952381,由於準確率表現不直觀,可以通過其他方式觀察結果,(通過影象進行視覺化)



#輸出訓練集的準確率
print(classifier.score(x_train,y_train))
#由於準確率表現不直觀,可以通過其他方式觀察結果。
#首先將原始結果與訓練集預測結果進行對比:
y_train_hat=classifier.predict(x_train)
y_train_1d=y_train.reshape((-1))
comp=zip(y_train_1d,y_train_hat) #用zip把原始結果和預測結果放在一起。顯示如下:
print(list(comp))

#同樣的,可以用訓練好的模型對測試集的資料進行預測:
print(classifier.score(x_test,y_test))
y_test_hat=classifier.predict(x_test)
y_test_1d=y_test.reshape((-1))
comp=zip(y_test_1d,y_test_hat)
print(list(comp))


#還可以通過影象進行視覺化:
plt.figure()
plt.subplot(121)
plt.scatter(x_train[:,0],x_train[:,1],c=y_train.reshape((-1)),edgecolors='k',s=50)
plt.subplot(122)
plt.scatter(x_train[:,0],x_train[:,1],c=y_train_hat.reshape((-1)),edgecolors='k',s=50)

結果: