機器學習之 K-近鄰算法

k-近鄰算法經過測量不一樣特徵值之間的距離方法進行分類。html

k-近鄰算法原理

對於一個存在標籤的訓練樣本集,輸入沒有標籤的新數據後,將新數據的每一個特徵與樣本集中數據對應的特徵進行比較,根據算法選擇樣本數據集中前k個最類似的數據,選擇k個最類似數據中出現次數最多的分類,做爲新數據的分類。python

k-近鄰算法實現

這裏只是對單個新數據的預測,對同時多個新數據的預測放在後文中。

假定存在訓練樣本集 X_train(X_train.shape=(10, 2)),對應的標記 y_train(y_train.shape=(10,),包含0、1),使用 matplotlib.pyplot 做圖表示以下(綠色的點表示標記0,紅色的點表示標記1):git

clipboard.png

現有一個新的數據:x(x = np.array([3.18557125, 6.03119673])),做圖表示以下(藍色的點):github

clipboard.png

首先,使用歐拉距離公式計算 x 到 X_train 中每一個樣本的距離:算法

import math

distances = [math.sqrt(np.sum((x_train - x) ** 2)) for x_train in X_train]

第二,對 distances 進行升序操做,使用 np.argsort() 方法返回排序後的索引,而不會對原數據的順序有任何影響:數組

import numpy as np

nearest = np.argsort(distances)

第三,取 k 個距離最近的樣本對應的標記:dom

topK_y = [y_train[i] for i in nearest[:k]]

最後,對這 k 個距離最近的樣本對應的標記進行統計,找出佔比最多標記即爲 x 的預測分類,此例的預測分類爲0:機器學習

from collections import Counter

votes = Counter(topK_y)
votes.most_common(1)[0][0]

將上面的代碼封裝到一個方法中:函數

import numpy as np
import math

from collections import Counter


def kNN(k, X_train, y_train, x):
    distances = [math.sqrt(np.sum((x_train - x) ** 2)) for x_train in X_train]
    nearest = np.argsort(distances)

    topK_y = [y_train[i] for i in nearest[:k]]
    votes = Counter(topK_y)
    return votes.most_common(1)[0][0]

Scikit Learn 中的 k-近鄰算法

一個典型的機器學習算法流程是將訓練數據集經過機器學習算法訓練(fit)出模型,經過這個模型來預測輸入樣例的結果。學習

clipboard.png

對於 k-近鄰算法來講,它是一個特殊的沒有模型的算法,可是咱們將其訓練數據集看做是模型。Scikit Learn 中就是怎麼處理的。

Scikit Learn 中 k-近鄰算法使用

Scikit Learn 中 k-鄰近算法在 neighbors 模塊中,初始化時傳入參數 n_neighbors 爲 6,即爲上面的 k:

from sklearn.neighbors import KNeighborsClassifier

kNN_classifier = KNeighborsClassifier(n_neighbors=6)

fit() 方法根據訓練數據集「訓練」分類器,該方法會返回分類器自己:

kNN_classifier.fit(X_train, y_train)

predict() 方法預測輸入的結果,該方法要求傳入的參數類型爲矩陣。所以,這裏先對 x 進行 reshape 操做:

X_predict = x.reshape(1, -1)
y_predict = kNN_classifier.predict(X_predict)

y_predict 值爲0,與前面實現的 kNN 方法結果一致。

實現 Scikit Learn 中的 KNeighborsClassifier 分類器

定義一個 KNNClassifier 類,其構造器方法傳入參數 k,表示預測時選取的最類似數據的個數:

class KNNClassifier:
    def __init__(self, k):
        self.k = k
        self._X_train = None
        self._y_train = None

fit() 方法訓練分類器,而且返回分類器自己:

def fit(self, X_train, y_train):
    self._X_train = X_train
    self._y_train = y_train
    return self

predict() 方法對待測數據集進行預測,參數 X_predict 類型爲矩陣。該方法使用列表解析式對 X_predict 進行了遍歷,對每一個待測數據調用了一次 _predict() 方法。

def predict(self, X_predict):
    y_predict = [self._predict(x) for x in X_predict]
    return np.array(y_predict)

def _predict(self, x):
    distances = [math.sqrt(np.sum((x_train - x) ** 2))
                 for x_train in self._X_train]
    nearest = np.argsort(distances)

    topK_y = [self._y_train[i] for i in nearest[:self.k]]
    votes = Counter(topK_y)

    return votes.most_common(1)[0][0]

算法準確性

模型存在的問題

上面經過訓練樣本集訓練出了模型,可是並不知道這個模型的好壞,還存在兩個問題。

  1. 若是模型很壞,預測的結果就不是咱們想要的。同時實際狀況中,很難拿到真實的標記(label),沒法對模型進行檢驗。
  2. 訓練模型時訓練樣本沒有包含全部的標記。

對於第一個問題,一般將樣本集中必定比例(如20%)的數據做爲測試數據,其他數據做爲訓練數據。

以 Scikit Learn 中提供的鳶尾花數據爲例,其包含了150個樣本。

import numpy as np
from sklearn import datasets

iris = datasets.load_iris()
X = iris.data
y = iris.target

如今將樣本分爲20%示例測試數據和80%比例訓練數據:

test_ratio = 0.2
test_size = int(len(X) * test_ratio)

X_train = X[test_size:]
y_train = y[test_size:]

X_test = X[:test_size]
y_test = y[:test_size]

將 X_train 和 y_train 做爲訓練數據用於訓練模型,X_test 和 y_test 做爲測試數據驗證模型準確性。

對於第二個問題,仍是以 Scikit Learn 中提供的鳶尾花數據爲例,其標記 y 的內容爲:

array([0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
       0, 0, 0, 0, 0, 0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2,
       2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2,
       2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2])

發現0、一、2是以順序存儲的,在將樣本劃分爲訓練數據和測試數據過程當中,若是訓練數據中才對標記只包含0、1,這樣的訓練數據對於模型的訓練將是致命的。以此,應將樣本數據先進行隨機處理。

np.random.permutation() 方法傳入一個整數 n,會返回一個區間在 [0, n) 且隨機排序的一維數組。將 X 的長度做爲參數傳入,返回 X 索引的隨機數組:

shuffle_indexes = np.random.permutation(len(X))

將隨機化的索引數組分爲訓練數據的索引與測試數據的索引兩部分:

test_ratio = 0.2
test_size = int(len(X) * test_ratio)

test_indexes = shuffle_indexes[:test_size]
train_indexes = shuffle_indexes[test_size:]

再經過兩部分的索引將樣本數據分爲訓練數據和測試數據:

X_train = X[train_indexes]
y_train = y[train_indexes]

X_test = X[test_indexes]
y_test = y[test_indexes]

能夠將兩個問題的解決方案封裝到一個方法中,seed 表示隨機數種子,做用在 np.random 中:

import numpy as np

def train_test_split(X, y, test_ratio=0.2, seed=None):
    if seed:
        np.random.seed(seed)
    shuffle_indexes = np.random.permutation(len(X))

    test_size = int(len(X) * test_ratio)
    test_indexes = shuffle_indexes[:test_size]
    train_indexes = shuffle_indexes[test_size:]

    X_train = X[train_indexes]
    y_train = y[train_indexes]

    X_test = X[test_indexes]
    y_test = y[test_indexes]

    return X_train, X_test, y_train, y_test

Scikit Learn 中封裝了 train_test_split() 方法,放在了 model_selection 模塊中:

from sklearn.model_selection import train_test_split

X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)

算法正確率

經過 train_test_split() 方法對樣本數據進行了預處理後,開始訓練模型,而且對測試數據進行驗證:

from sklearn.neighbors import KNeighborsClassifier

kNN_classifier = KNeighborsClassifier(n_neighbors=6)
kNN_classifier.fit(X_train, y_train)
y_predict = kNN_classifier.predict(X_test)

y_predict 是對測試數據 X_test 的預測結果,其中與 y_test 相等的個數除以 y_test 的個數就是該模型的正確率,將其和 y_test 進行比較能夠算出模型的正確率:

def accuracy_score(y_true, y_predict):
    return sum(y_predict == y_true) / len(y_true)

調用該方法,返回一個小於等於1的浮點數:

accuracy_score(y_test, y_predict)

一樣在 Scikit Learn 的 metrics 模塊中封裝了 accuracy_score() 方法:

from sklearn.metrics import accuracy_score

accuracy_score(y_test, y_predict)

Scikit Learn 中的 KNeighborsClassifier 類的父類 ClassifierMixin 中有一個 score() 方法,裏面就調用了 accuracy_score() 方法,將測試數據 X_test 和 y_test 做爲參數傳入該方法中,能夠直接計算出算法正確率。

class ClassifierMixin(object):
    def score(self, X, y, sample_weight=None):
        from .metrics import accuracy_score
        return accuracy_score(y, self.predict(X), sample_weight=sample_weight)

超參數

前文中提到的 k 是一種超參數,超參數是在算法運行前須要決定的參數。 Scikit Learn 中 k-近鄰算法包含了許多超參數,在初始化構造函數中都有指定:

def __init__(self, n_neighbors=5,
             weights='uniform', algorithm='auto', leaf_size=30,
             p=2, metric='minkowski', metric_params=None, n_jobs=None,
             **kwargs):
    # code here

這些超參數的含義在源代碼和官方文檔[scikit-learn.org]中都有說明。

算法優缺點

k-近鄰算法是一個比較簡單的算法,有其優勢但也有缺點。

優勢是思想簡單,但效果強大, 自然的適合多分類問題。

缺點是效率低下,好比一個訓練集有 m 個樣本,n 個特徵,則預測一個新的數據的算法複雜度爲 O(m*n);同時該算法可能產生維數災難,當維數很大時,兩個點之間的距離可能也很大,如 (0,0,0,...,0) 和 (1,1,1,...,1)(10000維)之間的距離爲100。

源碼地址

Github | ML-Algorithms-Action

相關文章
相關標籤/搜索