【机器学习基础】数学推导+纯Python实现机器学习算法10:线性不可分支持向量机...
Python機器學習算法實現
Author:louwill
? ? ?
???? 本節筆者和大家討論支持向量機的最后一種情況——非線性支持向量機。前面兩節我們探討了數據樣例是完全線性可分情況和近似線性可分情況下的支持向量機模型。但線性可分情況并非總如人愿,大多數時候我們遇到的都是非線性情況。
?????
???? 所謂非線性可分問題,就是對于給定數據集,如果能用一個超曲面將正負實例正確分開,則這個問題為非線性可分問題。非線性問題的一個關鍵在于將原始數據空間轉換到一個新的數據空間,在原始空間中的非線性可分問題到新空間就是是線性可分問題。
???? 一般來說,用線性可分方法來解決非線性可分問題可分為兩步:首先用一個變換將原始空間的數據映射到新空間,再在新空間中用線性分類學習方法訓練分類模型。這種將原始空間轉換到新空間的方法稱為核技巧(kernel trick)。
???? 假設存在一個從輸入空間到特征空間的映射,使得所有的x和z都有函數K(x,z)=&(x).&(z),則稱K(x,z)為核函數。在實際問題中,通常直接給定核函數的形式,然后進行求解。核函數的選擇通常依賴于領域知識,最后由實驗驗證其有效性。常用的核函數包括多項式核函數、高斯核函數以及sigmoid核函數等,核函數更多細節問題可參考統計學習方法。
???? 基于核函數的非線性支持向量機對偶優化問題如下:
???? 當核函數為正定核的時候,上述優化問題為凸優化問題,是可以直接進行求解的。可求得最優解:
???? 計算w如下:
???? 最后可構造分類決策函數:
???? 雖然凸優化問題可以直接求解,但當數據量很大時,直接求解將會非常低效,這時候可能需要一些高效的訓練算法,比如說SMO(序列最小最優化)算法。關于SMO算法的內容這里不展開敘述,可參考統計學習方法了解更多內容。
下面來看基于cvxopt的非線性支持向量機快速實現方法。
導入相關package:
import numpy as np from numpy import linalg import cvxopt import cvxopt.solvers import pylab as pl定義多項式核函數如下:
def polynomial_kernel(x, y, p=3):return (1 + np.dot(x, y)) ** p生成示例數據:
def gen_non_lin_separable_data():mean1 = [-1, 2]mean2 = [1, -1]mean3 = [4, -4]mean4 = [-4, 4]cov = [[1.0, 0.8], [0.8, 1.0]]X1 = np.random.multivariate_normal(mean1, cov, 50)X1 = np.vstack((X1, np.random.multivariate_normal(mean3, cov, 50)))y1 = np.ones(len(X1))X2 = np.random.multivariate_normal(mean2, cov, 50)X2 = np.vstack((X2, np.random.multivariate_normal(mean4, cov, 50)))y2 = np.ones(len(X2)) * -1return X1, y1, X2, y2然后是構建非線性支持向量機模型,完整版代碼如下:
import numpy as np from numpy import linalg import cvxopt import cvxopt.solversdef polynomial_kernel(x, y, p=3):return (1 + np.dot(x, y)) ** pclass nolinear_svm(object):def __init__(self, kernel=linear_kernel, C=None):self.kernel = kernelself.C = Cif self.C is not None: self.C = float(self.C)def fit(self, X, y):n_samples, n_features = X.shape#?Gram?矩陣K = np.zeros((n_samples, n_samples))for i in range(n_samples):for j in range(n_samples):K[i, j] = self.kernel(X[i], X[j])P = cvxopt.matrix(np.outer(y, y) * K)q = cvxopt.matrix(np.ones(n_samples) * -1)A = cvxopt.matrix(y, (1, n_samples))b = cvxopt.matrix(0.0)if self.C is None:G = cvxopt.matrix(np.diag(np.ones(n_samples) * -1))h = cvxopt.matrix(np.zeros(n_samples))else:tmp1 = np.diag(np.ones(n_samples) * -1)tmp2 = np.identity(n_samples)G = cvxopt.matrix(np.vstack((tmp1, tmp2)))tmp1 = np.zeros(n_samples)tmp2 = np.ones(n_samples) * self.Ch = cvxopt.matrix(np.hstack((tmp1, tmp2)))#?求解二次規劃solution = cvxopt.solvers.qp(P, q, G, h, A, b)#?獲得拉格朗日乘子a = np.ravel(solution['x'])# 非零拉格朗日乘子的支持向量sv = a > 1e-5ind = np.arange(len(a))[sv]self.a = a[sv]self.sv = X[sv]self.sv_y = y[sv]print("%d support vectors out of %d points" % (len(self.a), n_samples))#?截距項self.b = 0for n in range(len(self.a)):self.b += self.sv_y[n]self.b -= np.sum(self.a * self.sv_y * K[ind[n], sv])self.b /= len(self.a)#?權重參數向量if self.kernel == linear_kernel:self.w = np.zeros(n_features)for n in range(len(self.a)):self.w += self.a[n] * self.sv_y[n] * self.sv[n]else:self.w = None# 預測函數def project(self, X):if self.w is not None:return np.dot(X, self.w) + self.belse:y_predict = np.zeros(len(X))for i in range(len(X)):s = 0for a, sv_y, sv in zip(self.a, self.sv_y, self.sv):s += a * sv_y * self.kernel(X[i], sv)y_predict[i] = sreturn y_predict + self.bdef predict(self, X):return np.sign(self.project(X))if?__name__?==?"__main__":def gen_non_lin_separable_data():mean1 = [-1, 2]mean2 = [1, -1]mean3 = [4, -4]mean4 = [-4, 4]cov = [[1.0, 0.8], [0.8, 1.0]]X1 = np.random.multivariate_normal(mean1, cov, 50)X1 = np.vstack((X1, np.random.multivariate_normal(mean3, cov, 50)))y1 = np.ones(len(X1))X2 = np.random.multivariate_normal(mean2, cov, 50)X2 = np.vstack((X2, np.random.multivariate_normal(mean4, cov, 50)))y2 = np.ones(len(X2)) * -1return X1, y1, X2, y2def split_train(X1, y1, X2, y2):X1_train = X1[:90]y1_train = y1[:90]X2_train = X2[:90]y2_train = y2[:90]X_train = np.vstack((X1_train, X2_train))y_train = np.hstack((y1_train, y2_train))return X_train, y_traindef split_test(X1, y1, X2, y2):X1_test = X1[90:]y1_test = y1[90:]X2_test = X2[90:]y2_test = y2[90:]X_test = np.vstack((X1_test, X2_test))y_test = np.hstack((y1_test, y2_test))return X_test, y_testdef plot_margin(X1_train, X2_train, clf):def?f(x,?w,?b,?c=0):return (-w[0] * x - b + c) / w[1]pl.plot(X1_train[:, 0], X1_train[:, 1], "ro")pl.plot(X2_train[:, 0], X2_train[:, 1], "bo")pl.scatter(clf.sv[:, 0], clf.sv[:, 1], s=100, c="g")# w.x + b = 0a0 = -4;a1 = f(a0, clf.w, clf.b)b0 = 4;b1 = f(b0, clf.w, clf.b)pl.plot([a0, b0], [a1, b1], "k")# w.x + b = 1a0 = -4;a1 = f(a0, clf.w, clf.b, 1)b0 = 4;b1 = f(b0, clf.w, clf.b, 1)pl.plot([a0, b0], [a1, b1], "k--")# w.x + b = -1a0 = -4;a1 = f(a0, clf.w, clf.b, -1)b0 = 4;b1 = f(b0, clf.w, clf.b, -1)pl.plot([a0, b0], [a1, b1], "k--")pl.axis("tight")pl.show()def plot_contour(X1_train, X2_train, clf):pl.plot(X1_train[:, 0], X1_train[:, 1], "ro")pl.plot(X2_train[:, 0], X2_train[:, 1], "bo")pl.scatter(clf.sv[:, 0], clf.sv[:, 1], s=100, c="g")X1, X2 = np.meshgrid(np.linspace(-6, 6, 50), np.linspace(-6, 6, 50))X = np.array([[x1, x2] for x1, x2 in zip(np.ravel(X1), np.ravel(X2))])Z = clf.project(X).reshape(X1.shape)pl.contour(X1, X2, Z, [0.0], colors='k', linewidths=1, origin='lower')pl.contour(X1, X2, Z + 1, [0.0], colors='grey', linewidths=1, origin='lower')pl.contour(X1, X2, Z - 1, [0.0], colors='grey', linewidths=1, origin='lower')pl.axis("tight")pl.show()def test_non_linear():X1, y1, X2, y2 = gen_non_lin_separable_data()X_train, y_train = split_train(X1, y1, X2, y2)X_test, y_test = split_test(X1, y1, X2, y2)clf = nolinear_svm(polynomial_kernel)clf.fit(X_train, y_train)y_predict = clf.predict(X_test)correct = np.sum(y_predict == y_test)print("%d out of %d predictions correct" % (correct, len(y_predict)))plot_contour(X_train[y_train == 1], X_train[y_train == -1], clf)test_non_linear()基于多項式核函數的非線性支持向量機分類效果如下:
???? 以上就是本節內容,關于支持向量機的部分內容,筆者就簡單寫到這里,下一講我們來看看樸素貝葉斯算法。完整代碼文件和數據可參考筆者GitHub地址:
https://github.com/luwill/machine-learning-code-writing
參考資料:
https://github.com/SmirkCao/Lihang/tree/master/CH07
http://cvxopt.org/examples/
往期精彩:
數學推導+純Python實現機器學習算法6:感知機
數學推導+純Python實現機器學習算法5:決策樹之CART算法
數學推導+純Python實現機器學習算法4:決策樹之ID3算法
數學推導+純Python實現機器學習算法3:k近鄰
數學推導+純Python實現機器學習算法2:邏輯回歸
數學推導+純Python實現機器學習算法1:線性回歸
往期精彩回顧適合初學者入門人工智能的路線及資料下載機器學習及深度學習筆記等資料打印機器學習在線手冊深度學習筆記專輯《統計學習方法》的代碼復現專輯 AI基礎下載機器學習的數學基礎專輯獲取一折本站知識星球優惠券,復制鏈接直接打開:https://t.zsxq.com/yFQV7am本站qq群1003271085。加入微信群請掃碼進群:總結
以上是生活随笔為你收集整理的【机器学习基础】数学推导+纯Python实现机器学习算法10:线性不可分支持向量机...的全部內容,希望文章能夠幫你解決所遇到的問題。
- 上一篇: 【机器学习基础】数学推导+纯Python
- 下一篇: 【机器学习基础】数学推导+纯Python