91超碰碰碰碰久久久久久综合_超碰av人澡人澡人澡人澡人掠_国产黄大片在线观看画质优化_txt小说免费全本

溫馨提示×

溫馨提示×

您好,登錄后才能下訂單哦!

密碼登錄×
登錄注冊×
其他方式登錄
點擊 登錄注冊 即表示同意《億速云用戶服務條款》

Python中怎么實現knn算法

發布時間:2021-08-07 16:07:26 來源:億速云 閱讀:227 作者:Leah 欄目:編程語言

本篇文章給大家分享的是有關Python中怎么實現knn算法,小編覺得挺實用的,因此分享給大家學習,希望大家閱讀完這篇文章后可以有所收獲,話不多說,跟著小編一起來看看吧。

  一、題目名稱

  實現knn分類算法

  二、題目內容

  原生Python實現knn分類算法,并使用鳶尾花數據集進行測試

  三、算法分析

  knn算法是最簡單的機器學習算法之一,通過測量不同特征值之間的距離進行分類。其基本思路是:如果一個樣本在特征空間中的k個最相似(即特征空間中最近鄰)的樣本中的大多數屬于某一個類別,則該樣本也屬于這個類別。

  本次作業主要模擬實現了knn測試數據與訓練數據之間的距離求解、排序、最鄰近k個元素的篩選。其中,空間距離采用“歐式距離”進行計算,表達式如下:

Python中怎么實現knn算法

  上式中dist[i] 為測試數據與下標為i的訓練數據的距離,xt,xi 分別為測試數據和下標為i的訓練數據,算法整體流程圖如下:

Python中怎么實現knn算法

  圖 1 knn算法流程圖

  四、調試截圖

  調試過程主要的任務是觀察數據結構:Python中的嵌套結構較為復雜,需要清楚每一步輸出結果的維度和具體數據結構

  五、運行結果

  本次作業中的輸入為鳶尾花數據集,輸出為預測后的鳶尾花類型。最初設想采用散點圖輸出,但原生Python散點圖效果較差,故改為直接字符串輸出,輸出類別即可,得出運行結果

  圖 4 原生Python散點圖效果較差

  =

  圖 5 改為直接字符串輸出類別

  六、問題及解決

  實現過程中遇到的主要問題是數據結構的混淆。在knn實現類中,經過多次列表生成、嵌套,容易造成對數據結構的混淆,從而出現下標維數錯誤等錯誤,解決辦法也很簡單,debug查看數據結構或者直接print輸出每步內容觀察。

  圖 6 下標錯誤

  七、源代碼

  1.knn.py

  # !/usr/bin/env python

  # -*- encoding: utf-8 -*-

  # @Project : machinelearning

  # @File : knn.py

  # @Author : yanchengxu

  # @Contact : yanchengxu1214@outlook.com

  # @Time : 2019/10/7 16:14

  # @IDE : PyCharm

  import numpy as np

  import math

  class KNNClassifier:

  """

  KNN

  """

  def __init__(self, k=3):

  """

  初始化

  X_train 特征測試集

  y_train 標量測試集

  res_class 預測結果

  :param k: 默認值為3

  """

  self.k = k

  self.X_train = []

  self.y_train = []

  self.result = []

  def fit(self, X_train, y_train):

  """

  KNN 訓練模型

  :param X_train: 訓練集特征數據

  :param y_train: 訓練集目標數據

  :return: self

  """

  assert X_train.shape[0] == y_train.shape[0], '訓練集特征與目標值個數不匹配'

  assert self.k <= X_train.shape[0], 'K值超出訓練數據范圍'

  self.X_train = X_train

  self.y_train = y_train

  # print('K', self.k)

  # print('X.shape', self.X_train.shape)

  # print('y.shape', self.y_train.shape)

  def get_distance(self, x_test):

  """

  計算距離

  :param x_test: 測試集

  :return: list_dist

  """

  list_dist = []

  for i in range(len(x_test)):

  # x_train 是 X_train 中的每個坐標,只有一個維度

  list_dist.append(

  [math.sqrt(np.sum(x_train[0] - x_test[i][0]) ** 2 + np.sum(x_train[1] - x_test[i][1]) ** 2) for x_train

  in self.X_train])

  # print('len of list_dist =', len(list_dist[0]))

  return list_dist

  def get_k_nearest_dist(self, list_dist):

  """

  對距離進行排序

  :param list_dist: 測試點距離樣本的距離

  :return: list_k_nearest_dist

  """

  k = self.k

  list_each_dist = []

  for i in range(len(list_dist)):

  dict_temp = {}

  for j in range(len(list_dist[i])):

  dict_temp[j] = list_dist[i][j]

  list_each_dist.append(dict_temp)

  # print('list_each_dist:', list_each_dist)

  # print('len of count_mix:', len(list_each_dist))

  list_k_nearest_dist = []

  for i in range(len(list_each_dist)):

  # 鍵值對排序

  dict_sorted_dist = dict(sorted(list_each_dist[i].items(), key=lambda x: x[1], reverse=False))

  # print('dict_sorted_dist', dict_sorted_dist)

  top = 0

  dict_knearest_distance = {}

  for key in dict_sorted_dist:

  dict_knearest_distance[key] = dict_sorted_dist[key]

  top += 1

  if top == self.k:

  break

  list_k_nearest_dist.append(dict_knearest_distance)

  # print('list_k_nearest_dist:', list_k_nearest_dist)

  # 注意縮進!!!

  return list_k_nearest_dist

  def vote(self, k_nearest_dist):

  """

  投票

  :param k_nearest_dist: k個最近距離

  :return: self

  """

  # 所有測試點的topK個標簽

  list_all_test = []

  for i in range(len(k_nearest_dist)):

  # 每個測試點的topK個標簽

  list_each_test = []

  for key in k_nearest_dist[i]:

  # 數據結構

  list_each_test.append(self.y_train[key])

  # list_each_test.append(self.y_train[key][0])

  list_all_test.append(list_each_test)

  # print('list_class2', list_each_test)

  # print('list_all_test:', list_all_test)

  # 利用set去重->優化速度

  set_list_class = []

  for i in range(len(list_all_test)):

  set_list_class.append(set(list_all_test[i]))

  # print('set_list_class', set_list_class)

  for i in range(len(set_list_class)):

  dict_count = {}

  for item in set_list_class[i]:

  dict_count.update({item: list_all_test[i].count(item)})

  # print('dict_count', dict_count)

  # 獲得字典dict_count中value最大值對應的key,即為每個點的分類結果

  each_result = max(dict_count, key=dict_count.get)

  # print('each_result', each_result)

  self.result.append(each_result)

  # print('result:', self.result)

  return self.result

  def predict(self, X_predict):

  """

  預測

  :param X_predict: 待測集

  :return: self

  """

  assert X_predict.shape[1] == self.X_train.shape[1], '特征數不匹配'

  # 獲取待測點與標準點的距離

  distances = self.get_distance(X_predict)

  # print("distances:", distances)

  # 獲取k個最近距離

  k_nearest_dist = self.get_k_nearest_dist(distances)

  # print("k_nearest_dist:", k_nearest_dist)

  # 投票

  result = self.vote(k_nearest_dist)

  return result

  2.test.py

  # !/usr/bin/env python

  # -*- encoding: utf-8 -*-

  # @Project : machinelearning

  # @File : test.py

  # @Author : yanchengxu

  # @Contact : yanchengxu1214@outlook.com

  # @Time : 2019/10/7 16:57

  # @IDE : PyCharm

  from sklearn.datasets import load_iris

  from sklearn.model_selection import train_test_split

  from myknn.knn import KNNClassifier

  import numpy as np

  import matplotlib.pyplot as plt

  # import itertools

  # import random

  kn = KNNClassifier(3)

  # 訓練數據

  # X = [[1, 1], [1, 2], [1, 3], [2, 1], [2, 2], [2, 3], [3, 1], [3, 2], [3, 3],

  # [6, 6], [6, 7], [6, 8], [7, 6], [7, 7], [7, 8], [8, 6], [8, 7], [8, 8],

  # [11, 1], [11, 2], [11, 3], [12, 1], [12, 2], [12, 3], [13, 1], [13, 2], [13, 3]]

  #無錫做人流多少錢 http://www.xasgyy.net/

  # Y = [['A'], ['A'], ['A'], ['A'], ['A'], ['A'], ['A'], ['A'], ['A'],

  # ['B'], ['B'], ['B'], ['B'], ['B'], ['B'], ['B'], ['B'], ['B'],

  # ['C'], ['C'], ['C'], ['C'], ['C'], ['C'], ['C'], ['C'], ['C']]

  # # 隨機

  # random_list = list(itertools.product(range(1, 13), range(1, 8)))

  # X = random.sample(random_list, len(Y))

  # # print('random_list', X)

  # print('shape y:', y_train.shape)

  iris_dataset = load_iris()

  # test

  # print(iris_dataset)

  X_train, X_test, y_train, y_test = train_test_split(iris_dataset['data'], iris_dataset['target'], random_state=0)

  X = np.asarray(X_train)

  Y = np.asarray(y_train)

  # print('X:', X)

  # print('Y,shape', Y.shape)

  # print('Y.type', type(Y))

  # 模型訓練

  kn.fit(X, Y)

  # 數據預測

  x_test = [[5, 2.9, 1, 0.2], [6.7, 3.2, 5.2, 2.3], [5.6, 3.1, 4.5, 1.5]]

  X_test = np.asarray(x_test)

  prediction = kn.predict(X_test)

  # 打印預測結果

  for i in range(len(prediction)):

  print(x_test[i], '->', iris_dataset['target_names'][prediction[i]])

  # # 散點圖觀察

  # x1 = []

  # y1 = []

  #

  # # 訓練集

  # for i in np.asarray(X):

  # x1.append(i[0])

  # y1.append(i[1])

  #

  # x2 = []

  # y2 = []

  # # 測試集

  # for i in np.asarray(x_test):

  # x2.append(i[0])

  # y2.append(i[1])

  #

  # plt.plot(x1, y1, 'r*')

  # plt.plot(x2, y2, 'g+')

  # plt.show()

以上就是Python中怎么實現knn算法,小編相信有部分知識點可能是我們日常工作會見到或用到的。希望你能通過這篇文章學到更多知識。更多詳情敬請關注億速云行業資訊頻道。

向AI問一下細節

免責聲明:本站發布的內容(圖片、視頻和文字)以原創、轉載和分享為主,文章觀點不代表本網站立場,如果涉及侵權請聯系站長郵箱:is@yisu.com進行舉報,并提供相關證據,一經查實,將立刻刪除涉嫌侵權內容。

AI

响水县| 长岛县| 涞源县| 龙游县| 进贤县| 黄浦区| 天水市| 蒲江县| 富锦市| 华坪县| 和田市| 永和县| 新蔡县| 北碚区| 旬阳县| 广西| 青冈县| 金门县| 汉寿县| 盐边县| 化州市| 营山县| 太湖县| 万全县| 子长县| 潢川县| 余干县| 滁州市| 隆子县| 连城县| 手游| 佛山市| 阳泉市| 舞阳县| 融水| 五常市| 绥宁县| 彰化市| 张家口市| 灵宝市| 海口市|