|
- # -*- coding: utf-8 -*-
- # ---
- # jupyter:
- # jupytext_format_version: '1.2'
- # kernelspec:
- # display_name: Python 3
- # language: python
- # name: python3
- # language_info:
- # codemirror_mode:
- # name: ipython
- # version: 3
- # file_extension: .py
- # mimetype: text/x-python
- # name: python
- # nbconvert_exporter: python
- # pygments_lexer: ipython3
- # version: 3.5.2
- # ---
-
- # # KNN Classification
- #
- #
- # KNN最邻近规则,主要应用领域是对未知事物的识别,即判断未知事物属于哪一类,判断思想是,基于欧几里得定理,判断未知事物的特征和哪一类已知事物的的特征最接近;
- #
- # K最近邻(k-Nearest Neighbor,KNN)分类算法,是一个理论上比较成熟的方法,也是最简单的机器学习算法之一。该方法的思路是:如果一个样本在特征空间中的k个最相似(即特征空间中最邻近)的样本中的大多数属于某一个类别,则该样本也属于这个类别。KNN算法中,所选择的邻居都是已经正确分类的对象。该方法在定类决策上只依据最邻近的一个或者几个样本的类别来决定待分样本所属的类别。 KNN方法虽然从原理上也依赖于极限定理,但在类别决策时,只与极少量的相邻样本有关。由于KNN方法主要靠周围有限的邻近的样本,而不是靠判别类域的方法来确定所属类别的,因此对于类域的交叉或重叠较多的待分样本集来说,KNN方法较其他方法更为适合。
- #
- # KNN算法不仅可以用于分类,还可以用于回归。通过找出一个样本的k个最近邻居,将这些邻居的属性的平均值赋给该样本,就可以得到该样本的属性。更有用的方法是将不同距离的邻居对该样本产生的影响给予不同的权值(weight),如权值与距离成正比(组合函数)。
- #
- # 该算法在分类时有个主要的不足是,当样本不平衡时,如一个类的样本容量很大,而其他类样本容量很小时,有可能导致当输入一个新样本时,该样本的K个邻居中大容量类的样本占多数。 该算法只计算“最近的”邻居样本,某一类的样本数量很大,那么或者这类样本并不接近目标样本,或者这类样本很靠近目标样本。无论怎样,数量并不能影响运行结果。可以采用权值的方法(和该样本距离小的邻居权值大)来改进。该方法的另一个不足之处是计算量较大,因为对每一个待分类的文本都要计算它到全体已知样本的距离,才能求得它的K个最近邻点。目前常用的解决方法是事先对已知样本点进行剪辑,事先去除对分类作用不大的样本。该算法比较适用于样本容量比较大的类域的自动分类,而那些样本容量较小的类域采用这种算法比较容易产生误分。
- #
- # K-NN可以说是一种最直接的用来分类未知数据的方法。基本通过下面这张图跟文字说明就可以明白K-NN是干什么的
- # 
- #
- # 简单来说,K-NN可以看成:有那么一堆你已经知道分类的数据,然后当一个新数据进入的时候,就开始跟训练数据里的每个点求距离,然后挑离这个训练数据最近的K个点看看这几个点属于什么类型,然后用少数服从多数的原则,给新数据归类。
- #
- #
- # 算法步骤:
- #
- # * step.1---初始化距离为最大值
- # * step.2---计算未知样本和每个训练样本的距离dist
- # * step.3---得到目前K个最临近样本中的最大距离maxdist
- # * step.4---如果dist小于maxdist,则将该训练样本作为K-最近邻样本
- # * step.5---重复步骤2、3、4,直到未知样本和所有训练样本的距离都算完
- # * step.6---统计K-最近邻样本中每个类标号出现的次数
- # * step.7---选择出现频率最大的类标号作为未知样本的类标号
-
- # ## Program
-
- # +
- import numpy as np
- import operator
-
- class KNN(object):
-
- def __init__(self, k=3):
- self.k = k
-
- def fit(self, x, y):
- self.x = x
- self.y = y
-
- def _square_distance(self, v1, v2):
- return np.sum(np.square(v1-v2))
-
- def _vote(self, ys):
- ys_unique = np.unique(ys)
- vote_dict = {}
- for y in ys:
- if y not in vote_dict.keys():
- vote_dict[y] = 1
- else:
- vote_dict[y] += 1
- sorted_vote_dict = sorted(vote_dict.items(), key=operator.itemgetter(1), reverse=True)
- return sorted_vote_dict[0][0]
-
- def predict(self, x):
- y_pred = []
- for i in range(len(x)):
- dist_arr = [self._square_distance(x[i], self.x[j]) for j in range(len(self.x))]
- sorted_index = np.argsort(dist_arr)
- top_k_index = sorted_index[:self.k]
- y_pred.append(self._vote(ys=self.y[top_k_index]))
- return np.array(y_pred)
-
- def score(self, y_true=None, y_pred=None):
- if y_true is None and y_pred is None:
- y_pred = self.predict(self.x)
- y_true = self.y
- score = 0.0
- for i in range(len(y_true)):
- if y_true[i] == y_pred[i]:
- score += 1
- score /= len(y_true)
- return score
-
- # +
- # %matplotlib inline
-
- import numpy as np
- import matplotlib.pyplot as plt
-
- # data generation
- np.random.seed(314)
- data_size_1 = 300
- x1_1 = np.random.normal(loc=5.0, scale=1.0, size=data_size_1)
- x2_1 = np.random.normal(loc=4.0, scale=1.0, size=data_size_1)
- y_1 = [0 for _ in range(data_size_1)]
-
- data_size_2 = 400
- x1_2 = np.random.normal(loc=10.0, scale=2.0, size=data_size_2)
- x2_2 = np.random.normal(loc=8.0, scale=2.0, size=data_size_2)
- y_2 = [1 for _ in range(data_size_2)]
-
- x1 = np.concatenate((x1_1, x1_2), axis=0)
- x2 = np.concatenate((x2_1, x2_2), axis=0)
- x = np.hstack((x1.reshape(-1,1), x2.reshape(-1,1)))
- y = np.concatenate((y_1, y_2), axis=0)
-
- data_size_all = data_size_1+data_size_2
- shuffled_index = np.random.permutation(data_size_all)
- x = x[shuffled_index]
- y = y[shuffled_index]
-
- split_index = int(data_size_all*0.7)
- x_train = x[:split_index]
- y_train = y[:split_index]
- x_test = x[split_index:]
- y_test = y[split_index:]
-
- # visualize data
- plt.scatter(x_train[:,0], x_train[:,1], c=y_train, marker='.')
- plt.title("train data")
- plt.show()
- plt.scatter(x_test[:,0], x_test[:,1], c=y_test, marker='.')
- plt.title("test data")
- plt.show()
-
-
-
- # +
- # data preprocessing
- x_train = (x_train - np.min(x_train, axis=0)) / (np.max(x_train, axis=0) - np.min(x_train, axis=0))
- x_test = (x_test - np.min(x_test, axis=0)) / (np.max(x_test, axis=0) - np.min(x_test, axis=0))
-
- # knn classifier
- clf = KNN(k=3)
- clf.fit(x_train, y_train)
-
- print('train accuracy: {:.3}'.format(clf.score()))
-
- y_test_pred = clf.predict(x_test)
- print('test accuracy: {:.3}'.format(clf.score(y_test, y_test_pred)))
- # -
-
- # ## sklearn program
-
- # +
- % matplotlib inline
-
- import matplotlib.pyplot as plt
- from sklearn import datasets, neighbors, linear_model
-
- # load data
- digits = datasets.load_digits()
- X_digits = digits.data
- y_digits = digits.target
-
- print("Feature dimensions: ", X_digits.shape)
- print("Label dimensions: ", y_digits.shape)
-
-
- # +
- # plot sample images
- nplot = 10
- fig, axes = plt.subplots(nrows=1, ncols=nplot)
-
- for i in range(nplot):
- img = X_digits[i].reshape(8, 8)
- axes[i].imshow(img)
- axes[i].set_title(y_digits[i])
-
-
- # +
- # split train / test data
- n_samples = len(X_digits)
- n_train = int(0.4 * n_samples)
-
- X_train = X_digits[:n_train]
- y_train = y_digits[:n_train]
- X_test = X_digits[n_train:]
- y_test = y_digits[n_train:]
-
-
- # +
- # do KNN classification
- knn = neighbors.KNeighborsClassifier()
- logistic = linear_model.LogisticRegression()
-
- print('KNN score: %f' % knn.fit(X_train, y_train).score(X_test, y_test))
- print('LogisticRegression score: %f' % logistic.fit(X_train, y_train).score(X_test, y_test))
- # -
-
- # ## References
- # * [Digits Classification Exercise](http://scikit-learn.org/stable/auto_examples/exercises/plot_digits_classification_exercise.html)
- # * [knn算法的原理与实现](https://zhuanlan.zhihu.com/p/36549000)
|