如何在 Python 中使用 SVM 实现.dat文件以进行手写识别



我一直在尝试根据OpenCV库上的代码使用SVM训练手写数字。我的培训部分如下:

import cv2
import numpy as np
SZ=20
bin_n = 16
svm_params = dict( kernel_type = cv2.SVM_LINEAR,
svm_type = cv2.SVM_C_SVC,
C=2.67, gamma=5.383 )
affine_flags = cv2.WARP_INVERSE_MAP|cv2.INTER_LINEAR
def deskew(img):
m = cv2.moments(img)
if abs(m['mu02']) < 1e-2:
return img.copy()
skew = m['mu11']/m['mu02']
M = np.float32([[1, skew, -0.5*SZ*skew], [0, 1, 0]])
img = cv2.warpAffine(img,M,(SZ, SZ),flags=affine_flags)
return img
def hog(img):
gx = cv2.Sobel(img, cv2.CV_32F, 1, 0)
gy = cv2.Sobel(img, cv2.CV_32F, 0, 1)
mag, ang = cv2.cartToPolar(gx, gy)
bins = np.int32(bin_n*ang/(2*np.pi))    # quantizing binvalues in (0...16)
bin_cells = bins[:10,:10], bins[10:,:10], bins[:10,10:], bins[10:,10:]
mag_cells = mag[:10,:10], mag[10:,:10], mag[:10,10:], mag[10:,10:]
hists = [np.bincount(b.ravel(), m.ravel(), bin_n) for b, m in zip(bin_cells, mag_cells)]
hist = np.hstack(hists)     # hist is a 64 bit vector
return hist
img = cv2.imread('digits.png',0)
if img is None:
raise Exception("we need the digits.png image from samples/data here !")

cells = [np.hsplit(row,100) for row in np.vsplit(img,50)]
train_cells = [ i[:50] for i in cells ]
test_cells = [ i[50:] for i in cells]
deskewed = [map(deskew,row) for row in train_cells]
hogdata = [map(hog,row) for row in deskewed]
trainData = np.float32(hogdata).reshape(-1,64)
responses = np.float32(np.repeat(np.arange(10),250)[:,np.newaxis])
svm = cv2.SVM()
svm.train(trainData,responses, params=svm_params)
svm.save('svm_data.dat')

这是数字.png 在此处输入图像描述

结果,我得到了svm_data.dat文件。但是现在我不知道如何实现该模型。假设我想在这里阅读这个数字 在此处输入图像描述

谁能帮我?

我将假设"如何实现模型"是指"如何预测新图像的标签"。

首先,请注意,这与保存的svm_data.dat本身没有任何关系,除非您想在不同的脚本/会话中执行此操作,在这种情况下,您可以从文件中重新加载经过训练的svm对象。

除此之外,对新数据进行预测需要三个步骤:

如果新数据与训练数据
  1. 有所不同,请对其进行预处理,使其与训练数据匹配(请参阅下面的反转和调整大小(。

  2. 提取特征的方式与对训练数据执行的方式相同。

  3. 使用经过训练的分类器来预测标签。

对于您上传的示例图像,可以按如下方式完成此操作:

# Load the image
img_predict = cv2.imread('predict.png', 0)
# Preprocessing: this image is inverted compared to the training data
# Here it is inverted back
img_predict = np.invert(img_predict)
# Preprocessing: it also has a completely different size
# This resizes it to the same size as the training data
img_predict = cv2.resize(img_predict, (20, 20), interpolation=cv2.INTER_CUBIC)
# Extract the features
img_predict_ready = np.float32(hog(deskew(img_predict)))
# Reload the trained svm
# Not necessary if predicting is done in the same session as training
svm = cv2.SVM()
svm.load("svm_data.dat")
# Run the prediction
prediction = svm.predict(img_predict_ready)
print int(prediction)

输出是0的,正如预期的那样。

请注意,将要分类的数据与用于训练的数据进行匹配非常重要。在这种情况下,跳过重新调整大小步骤将导致将图像错误分类为2

此外,仔细观察图像会发现它与训练数据仍然有点不同(更多的背景,不同的平均值(,所以如果分类器最终在这样的图像上表现得比原始教程中使用的测试数据差一点,我不会感到惊讶(这只是训练数据的一半(。但是,这取决于特征提取对训练图像和预测图像之间的差异的敏感程度。

最新更新