iT邦幫忙

2022 iThome 鐵人賽

DAY 12
0

今日大綱

  • 什麼是K近鄰 (K-Nearest Neighbor)?
  • 如何選擇k?
  • 程式碼

什麼是K近鄰 (K-Nearest Neighbor, KNN)?

K近鄰演算法字面上的意思就是k個鄰居,此方法依據最近的k個鄰居所做分類。KNN可以用於分類與回歸問題上,而本篇文章將著重於二元分類。KNN與其他演算法不同的是不需要經過學習。
在分類未知的資料時,此方法計算出未知的資料與訓練資料之間的距離,並且找出最近的k個點,再以多數決的方式分類。

KNN一旦處理龐大的資料,分類速度就會變得緩慢,無法順利學習高維度的資料。因為KNN再分類未知的資料時,必須對大量的訓練資料做搜尋,找出鄰近的點。

如何選擇k?

  • 猜測法
    猜測法是每個人都會的方法,不斷地猜總會猜到正確答案。
  • 啟發法
    啟發法有以下三種:
  1. 使用類別墅與k互質的組合
  2. K值需大於或等於類別數加一
  3. 選擇低至足以避免雜訊的k值
  • 優化演算法
    利用基因演算法(Genetic algorithm)或是網格搜尋法 (Grid search)暴力地找尋最佳解。

程式碼

使用sklearn裡的make_moons資料集作範例,noise參數越大時代表資料越混亂。

from sklearn.neighbors import KNeighborsClassifier
from sklearn.datasets import make_moons
from sklearn.model_selection import train_test_split
from sklearn.metrics import accuracy_score

x, y = make_moons(noise = 0.3)
x_train, x_test, y_train, y_test = train_test_split(x, y, test_size = 0.2, random_state = 1)

將k設為3

n_neighbor = 3
clf = KNeighborsClassifier(n_neighbors = n_neighbor )
clf.fit(x_train, y_train)
prediction = clf.predict(x_test)
print(accuracy_score(prediction, y_test))

結果測試集的準確率為0.9。

最後將資料視覺化,plot_decision_regions為畫出KNN結果的函數

from matplotlib.colors import ListedColormap
import matplotlib.pyplot as plt
import numpy as np

def plot_decision_regions(X, y, classifier, test_idx=None, resolution=0.02):

    # setup marker generator and color map
    markers = ('s', 'x', 'o', '^', 'v')
    colors = ('red', 'blue', 'lightgreen', 'gray', 'cyan')
    cmap = ListedColormap(colors[:len(np.unique(y))])

    # plot the decision surface
    x1_min, x1_max = X[:, 0].min() - 1, X[:, 0].max() + 1
    x2_min, x2_max = X[:, 1].min() - 1, X[:, 1].max() + 1
    xx1, xx2 = np.meshgrid(np.arange(x1_min, x1_max, resolution),
                           np.arange(x2_min, x2_max, resolution))
    Z = classifier.predict(np.array([xx1.ravel(), xx2.ravel()]).T)
    Z = Z.reshape(xx1.shape)
    plt.contourf(xx1, xx2, Z, alpha=0.4, cmap=cmap)
    plt.xlim(xx1.min(), xx1.max())
    plt.ylim(xx2.min(), xx2.max())

    for idx, cl in enumerate(np.unique(y)):
        plt.scatter(x=X[y == cl, 0], y=X[y == cl, 1],
                    alpha=0.8, c=cmap(idx),
                    marker=markers[idx], label=cl)

https://ithelp.ithome.com.tw/upload/images/20220925/20145688mwcarp0nBa.png

從圖可看出,大部分的資料被準確地分類。

程式碼已上傳至我的Github

參考資料

感謝您的瀏覽,我們明天見!
/images/emoticon/emoticon29.gif


上一篇
【Day 11】貝氏分類器Naive Bayes Classifier
下一篇
【Day 13】主成分分析 Principal Component Analysis
系列文
從機器學習到深度學習 - 30天搞懂常見演算法的基礎理論30
圖片
  直播研討會
圖片
{{ item.channelVendor }} {{ item.webinarstarted }} |
{{ formatDate(item.duration) }}
直播中

尚未有邦友留言

立即登入留言