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

溫馨提示×

溫馨提示×

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

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

opencv python基于KNN手寫體識別的示例分析

發布時間:2021-06-11 14:31:59 來源:億速云 閱讀:193 作者:小新 欄目:開發技術

小編給大家分享一下opencv python基于KNN手寫體識別的示例分析,希望大家閱讀完這篇文章之后都有所收獲,下面讓我們一起去探討吧!

OCR of Hand-written Data using kNN

OCR of Hand-written Digits

我們的目標是構建一個可以讀取手寫數字的應用程序, 為此,我們需要一些train_data和test_data. OpenCV附帶一個images digits.png(在文件夾opencv\sources\samples\data\中),它有5000個手寫數字(每個數字500個,每個數字是20x20圖像).所以首先要將圖片切割成5000個不同圖片,每個數字變成一個單行400像素.前面的250個數字作為訓練數據,后250個作為測試數據.

import numpy as np
import cv2
import matplotlib.pyplot as plt

img = cv2.imread('digits.png')
gray = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)

# Now we split the image to 5000 cells, each 20x20 size
cells = [np.hsplit(row,100) for row in np.vsplit(gray,50)]

# Make it into a Numpy array. It size will be (50,100,20,20)
x = np.array(cells)

# Now we prepare train_data and test_data.
train = x[:,:50].reshape(-1,400).astype(np.float32) # Size = (2500,400)
test = x[:,50:100].reshape(-1,400).astype(np.float32) # Size = (2500,400)

# Create labels for train and test data
k = np.arange(10)
train_labels = np.repeat(k,250)[:,np.newaxis]
test_labels = train_labels.copy()

# Initiate kNN, train the data, then test it with test data for k=1
knn = cv2.ml.KNearest_create()
knn.train(train, cv2.ml.ROW_SAMPLE, train_labels)
ret,result,neighbours,dist = knn.findNearest(test,k=5)

# Now we check the accuracy of classification
# For that, compare the result with test_labels and check which are wrong
matches = result==test_labels
correct = np.count_nonzero(matches)
accuracy = correct*100.0/result.size
print( accuracy )

輸出:91.76

進一步提高準確率的方法是增加訓練數據,特別是錯誤的數據.每次訓練時最好是保存訓練數據,以便下次使用.

# save the data
np.savez('knn_data.npz',train=train, train_labels=train_labels)

# Now load the data
with np.load('knn_data.npz') as data:
  print( data.files )
  train = data['train']
  train_labels = data['train_labels']

OCR of English Alphabets

在opencv / samples / data /文件夾中附帶一個數據文件letter-recognition.data.在每一行中,第一列是一個字母表,它是我們的標簽. 接下來的16個數字是它的不同特征.

import numpy as np
import cv2
import matplotlib.pyplot as plt


# Load the data, converters convert the letter to a number
data= np.loadtxt('letter-recognition.data', dtype= 'float32', delimiter = ',',
          converters= {0: lambda ch: ord(ch)-ord('A')})

# split the data to two, 10000 each for train and test
train, test = np.vsplit(data,2)

# split trainData and testData to features and responses
responses, trainData = np.hsplit(train,[1])
labels, testData = np.hsplit(test,[1])

# Initiate the kNN, classify, measure accuracy.
knn = cv2.ml.KNearest_create()
knn.train(trainData, cv2.ml.ROW_SAMPLE, responses)
ret, result, neighbours, dist = knn.findNearest(testData, k=5)

correct = np.count_nonzero(result == labels)
accuracy = correct*100.0/10000
print( accuracy )

輸出:93.06

看完了這篇文章,相信你對“opencv python基于KNN手寫體識別的示例分析”有了一定的了解,如果想了解更多相關知識,歡迎關注億速云行業資訊頻道,感謝各位的閱讀!

向AI問一下細節

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

AI

大宁县| 绵阳市| 大悟县| 保靖县| 肇源县| 紫云| 滦平县| 肥东县| 沂水县| 惠州市| 卢氏县| 高要市| 湘潭县| 长岛县| 余姚市| 漾濞| 来宾市| 东明县| 松溪县| 库尔勒市| 南充市| 屯留县| 颍上县| 安塞县| 昆山市| 中山市| 兴城市| 英德市| 麦盖提县| 丰原市| 垫江县| 乐都县| 胶州市| 田林县| 乌拉特前旗| 滦南县| 苗栗县| 都安| 隆子县| 江油市| 门头沟区|