2017-08-22 161 views
1

我一直在尝试使用基于OpenCV库上的代码的SVM来训练手写数字。我训练的一部分是如下:如何在Python中使用SVM实现用于手写识别的.dat文件

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') 

继承人的digits.png enter image description here

其结果是,我得到了svm_data.dat文件。但是现在我不知道如何实现这个模型。可以说我想在这里读取这个号码 enter image description here

任何人都可以帮我吗?

回答

0

我打算假设“如何实现模型”的意思是“如何预测新图像的标签”。

首先,注意,这并没有什么关系保存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

此外,仔细观察图像可以发现它与训练数据(更多背景,不同平均值)有点不同,所以如果分类器最终在图像上表现得更差,我不会感到惊讶这与使用的测试数据in the original tutorial(其仅仅是训练数据的一半)相比较。但是,这取决于特征提取对训练图像和预测图像之间的差异有多敏感。