k-近邻算法(KNN)

KNN算法

最近在学习机器学习,推荐《机器学习实战》这本书,结合此书,学习并记录下来,勉力前行。

KNN算法

原理:存在一个样本数据集合,每个数据都有标签,且与所属的分类一一对应。输入没有标签的数据,其特征与样本集中数据的特征进行比较,通常计算特征的距离值,找出距离最近的前k个样本数据,查看这些数据对应的分类标签,把输入的数据归为次数最多的分类。

优点:

  • 精度高、对异常值不敏感、无数据输入假定。

缺点:

  • 计算复杂度高、空间复杂度高。
  • 整个训练过程需要将所有的训练样本极其输出label存储起来,因此,空间成本很大。
  • 测试过程中,每个测试样本都需要与所有的训练样本进行比较,运行时间成本很大。
  • 采用距离比较的方式,分类准确率不高。

K-近邻算法的一般流程

  1. 收集数据:可以使用任何方法
  2. 准备数据:距离计算所有需要的数值,最好是结构化的数据格式
  3. 分析数据:可以使用任何方法
  4. 训练算法:此步骤不适合k-近邻算法
  5. 测试算法:计算错误率
  6. 使用算法:首先需要输入样本数据和结构话的数出结果,然后运行k-近邻算法判定输入数据分别属于哪个分类,最后应用对计算出的分类执行后续的处理。

准备:使用Python导入数据

from numpy import * 
import operator
def createDataSet():
    group = array([[1.0,1.1],[1.0,1.0],[0,0],[0,0.1]])
    labels = ['A','A','B','B']
    return group,labels

group,labels = createDataSet()
print(group)
print(labels)
[[1.  1.1]
 [1.  1. ]
 [0.  0. ]
 [0.  0.1]]
['A', 'A', 'B', 'B']

实施kNN分类算法

操作步骤:

  1. 计算已知类别数据集中的点与当前点之间的距离
  2. 按照距离递增次序排序
  3. 选取与当前点距离最小的k个点
  4. 确定前k个点所在类别的出现频率
  5. 返回前k个点出现频率最高的类别作为当前点的预测分类
def classify0(inX,dataSet,labels, k):   # inX是测试集,dataSet是训练集,labels是训练样本标签,k是取的最近邻个数
    dataSetSize = dataSet.shape[0]
    diffMat = tile(inX, (dataSetSize, 1)) - dataSet
    print('diffMat:',diffMat)
    sqDiffMat = diffMat**2
    sqDistances = sqDiffMat.sum(axis=1)
    print('sqDistances:',sqDistances)
    distances = sqDistances**0.5
    print('distances:',distances)
    sortedDistIndices = distances.argsort()   # argsort() 对元素从小到大排列,并返回索引值
    print('sortedDistIndices:',sortedDistIndices[1])
    classCount={}
    for i in range(k):
        voteIlabel = labels[sortedDistIndices[i]]
        print('voteIlabel:',voteIlabel)
        classCount[voteIlabel] = classCount.get(voteIlabel,0) + 1
    sortedClassCount = sorted(classCount.items(),key=operator.itemgetter(1),reverse=True)
    print('sortedClassCount:',sortedClassCount)
    return sortedClassCount[0][0]

classify0([0,0],group,labels,3)
diffMat: [[-1.  -1.1]
 [-1.  -1. ]
 [ 0.   0. ]
 [ 0.  -0.1]]
sqDistances: [2.21 2.   0.   0.01]
distances: [1.48660687 1.41421356 0.         0.1       ]
sortedDistIndices: 3
voteIlabel: B
voteIlabel: B
voteIlabel: A
sortedClassCount: [('B', 2), ('A', 1)]





'B'

使用k-近邻算法改进约会网站的配对效果

# 导入程序所需要的模块
import numpy as np
import operator
# 将文本记录转换为Numpy的解析程序
def file2matrix(filename):
    fr = open(filename)
    arrayOLines = fr.readlines()
    numberOfLines = len(arrayOLines)
    returnMat = np.zeros((numberOfLines,3))   # 初始化特征矩阵
    classLabelVector = []
    index = 0
    for line in arrayOLines:
        line = line.strip()
        listFromLine = line.split('\t')   # 按'\t'对字符串进行分割,listFromLine 是列表
        returnMat[index,:] = listFromLine[0:3]
        classLabelVector.append(int(listFromLine[-1]))
        index += 1
    return returnMat,classLabelVector

datingDataMat,datingLabels = file2matrix('datingTestSet2.txt')
print(datingDataMat,datingLabels)
[[4.0920000e+04 8.3269760e+00 9.5395200e-01]
 [1.4488000e+04 7.1534690e+00 1.6739040e+00]
 [2.6052000e+04 1.4418710e+00 8.0512400e-01]
 ...
 [2.6575000e+04 1.0650102e+01 8.6662700e-01]
 [4.8111000e+04 9.1345280e+00 7.2804500e-01]
 [4.3757000e+04 7.8826010e+00 1.3324460e+00]] [3, 2, 1, 1, 1, 1, 3, 3, 1, 3, 1, 1, 2, 1, 1, 1, 1, 1, 2, 3, 2, 1, 2, 3, 2, 3, 2, 3, 2, 1, 3, 1, 3, 1, 2, 1, 1, 2, 3, 3, 1, 2, 3, 3, 3, 1, 1, 1, 1, 2, 2, 1, 3, 2, 2, 2, 2, 3, 1, 2, 1, 2, 2, 2, 2, 2, 3, 2, 3, 1, 2, 3, 2, 2, 1, 3, 1, 1, 3, 3, 1, 2, 3, 1, 3, 1, 2, 2, 1, 1, 3, 3, 1, 2, 1, 3, 3, 2, 1, 1, 3, 1, 2, 3, 3, 2, 3, 3, 1, 2, 3, 2, 1, 3, 1, 2, 1, 1, 2, 3, 2, 3, 2, 3, 2, 1, 3, 3, 3, 1, 3, 2, 2, 3, 1, 3, 3, 3, 1, 3, 1, 1, 3, 3, 2, 3, 3, 1, 2, 3, 2, 2, 3, 3, 3, 1, 2, 2, 1, 1, 3, 2, 3, 3, 1, 2, 1, 3, 1, 2, 3, 2, 3, 1, 1, 1, 3, 2, 3, 1, 3, 2, 1, 3, 2, 2, 3, 2, 3, 2, 1, 1, 3, 1, 3, 2, 2, 2, 3, 2, 2, 1, 2, 2, 3, 1, 3, 3, 2, 1, 1, 1, 2, 1, 3, 3, 3, 3, 2, 1, 1, 1, 2, 3, 2, 1, 3, 1, 3, 2, 2, 3, 1, 3, 1, 1, 2, 1, 2, 2, 1, 3, 1, 3, 2, 3, 1, 2, 3, 1, 1, 1, 1, 2, 3, 2, 2, 3, 1, 2, 1, 1, 1, 3, 3, 2, 1, 1, 1, 2, 2, 3, 1, 1, 1, 2, 1, 1, 2, 1, 1, 1, 2, 2, 3, 2, 3, 3, 3, 3, 1, 2, 3, 1, 1, 1, 3, 1, 3, 2, 2, 1, 3, 1, 3, 2, 2, 1, 2, 2, 3, 1, 3, 2, 1, 1, 3, 3, 2, 3, 3, 2, 3, 1, 3, 1, 3, 3, 1, 3, 2, 1, 3, 1, 3, 2, 1, 2, 2, 1, 3, 1, 1, 3, 3, 2, 2, 3, 1, 2, 3, 3, 2, 2, 1, 1, 1, 1, 3, 2, 1, 1, 3, 2, 1, 1, 3, 3, 3, 2, 3, 2, 1, 1, 1, 1, 1, 3, 2, 2, 1, 2, 1, 3, 2, 1, 3, 2, 1, 3, 1, 1, 3, 3, 3, 3, 2, 1, 1, 2, 1, 3, 3, 2, 1, 2, 3, 2, 1, 2, 2, 2, 1, 1, 3, 1, 1, 2, 3, 1, 1, 2, 3, 1, 3, 1, 1, 2, 2, 1, 2, 2, 2, 3, 1, 1, 1, 3, 1, 3, 1, 3, 3, 1, 1, 1, 3, 2, 3, 3, 2, 2, 1, 1, 1, 2, 1, 2, 2, 3, 3, 3, 1, 1, 3, 3, 2, 3, 3, 2, 3, 3, 3, 2, 3, 3, 1, 2, 3, 2, 1, 1, 1, 1, 3, 3, 3, 3, 2, 1, 1, 1, 1, 3, 1, 1, 2, 1, 1, 2, 3, 2, 1, 2, 2, 2, 3, 2, 1, 3, 2, 3, 2, 3, 2, 1, 1, 2, 3, 1, 3, 3, 3, 1, 2, 1, 2, 2, 1, 2, 2, 2, 2, 2, 3, 2, 1, 3, 3, 2, 2, 2, 3, 1, 2, 1, 1, 3, 2, 3, 2, 3, 2, 3, 3, 2, 2, 1, 3, 1, 2, 1, 3, 1, 1, 1, 3, 1, 1, 3, 3, 2, 2, 1, 3, 1, 1, 3, 2, 3, 1, 1, 3, 1, 3, 3, 1, 2, 3, 1, 3, 1, 1, 2, 1, 3, 1, 1, 1, 1, 2, 1, 3, 1, 2, 1, 3, 1, 3, 1, 1, 2, 2, 2, 3, 2, 2, 1, 2, 3, 3, 2, 3, 3, 3, 2, 3, 3, 1, 3, 2, 3, 2, 1, 2, 1, 1, 1, 2, 3, 2, 2, 1, 2, 2, 1, 3, 1, 3, 3, 3, 2, 2, 3, 3, 1, 2, 2, 2, 3, 1, 2, 1, 3, 1, 2, 3, 1, 1, 1, 2, 2, 3, 1, 3, 1, 1, 3, 1, 2, 3, 1, 2, 3, 1, 2, 3, 2, 2, 2, 3, 1, 3, 1, 2, 3, 2, 2, 3, 1, 2, 3, 2, 3, 1, 2, 2, 3, 1, 1, 1, 2, 2, 1, 1, 2, 1, 2, 1, 2, 3, 2, 1, 3, 3, 3, 1, 1, 3, 1, 2, 3, 3, 2, 2, 2, 1, 2, 3, 2, 2, 3, 2, 2, 2, 3, 3, 2, 1, 3, 2, 1, 3, 3, 1, 2, 3, 2, 1, 3, 3, 3, 1, 2, 2, 2, 3, 2, 3, 3, 1, 2, 1, 1, 2, 1, 3, 1, 2, 2, 1, 3, 2, 1, 3, 3, 2, 2, 2, 1, 2, 2, 1, 3, 1, 3, 1, 3, 3, 1, 1, 2, 3, 2, 2, 3, 1, 1, 1, 1, 3, 2, 2, 1, 3, 1, 2, 3, 1, 3, 1, 3, 1, 1, 3, 2, 3, 1, 1, 3, 3, 3, 3, 1, 3, 2, 2, 1, 1, 3, 3, 2, 2, 2, 1, 2, 1, 2, 1, 3, 2, 1, 2, 2, 3, 1, 2, 2, 2, 3, 2, 1, 2, 1, 2, 3, 3, 2, 3, 1, 1, 3, 3, 1, 2, 2, 2, 2, 2, 2, 1, 3, 3, 3, 3, 3, 1, 1, 3, 2, 1, 2, 1, 2, 2, 3, 2, 2, 2, 3, 1, 2, 1, 2, 2, 1, 1, 2, 3, 3, 1, 1, 1, 1, 3, 3, 3, 3, 3, 3, 1, 3, 3, 2, 3, 2, 3, 3, 2, 2, 1, 1, 1, 3, 3, 1, 1, 1, 3, 3, 2, 1, 2, 1, 1, 2, 2, 1, 1, 1, 3, 1, 1, 2, 3, 2, 2, 1, 3, 1, 2, 3, 1, 2, 2, 2, 2, 3, 2, 3, 3, 1, 2, 1, 2, 3, 1, 3, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 3, 2, 2, 2, 2, 2, 1, 3, 3, 3]

分析数据:使用Matplotlib创建散点图

import matplotlib
import matplotlib.pyplot as plt
fig = plt.figure()
ax = fig.add_subplot(111)
ax.scatter(datingDataMat[:,1],datingDataMat[:,2],15.0*np.array(datingLabels),15.0*np.array(datingLabels))
plt.show()

玩视频游戏所耗时间百分比

准备数据:归一化数值

# 归一化特征值
def autoNorm(dataSet):
    minVals = dataSet.min(0)
    maxVals = dataSet.max(0)
    ranges = maxVals - minVals
    normdataSet= np.zeros(np.shape(dataSet))
    m = dataSet.shape[0]
    normDataSet = dataSet - np.tile(minVals,(m,1))
    normDataSet = normDataSet/np.tile(ranges,(m,1))
    return normDataSet,ranges,minVals

normMat,ranges,minVals  = autoNorm(datingDataMat)
normMat
array([[0.44832535, 0.39805139, 0.56233353],
       [0.15873259, 0.34195467, 0.98724416],
       [0.28542943, 0.06892523, 0.47449629],
       ...,
       [0.29115949, 0.50910294, 0.51079493],
       [0.52711097, 0.43665451, 0.4290048 ],
       [0.47940793, 0.3768091 , 0.78571804]])

定义KNN算法

def classify0(inX,dataSet,labels, k):
    dataSetSize = dataSet.shape[0]
    diffMat = np.tile(inX, (dataSetSize, 1)) - dataSet
#     print('diffMat:',diffMat)
    sqDiffMat = diffMat**2
    sqDistances = sqDiffMat.sum(axis=1)
#     print('sqDistances:',sqDistances)
    distances = sqDistances**0.5
#     print('distances:',distances)
    sortedDistIndices = distances.argsort()   # argsort() 对元素从小到大排列,并返回索引值
#     print('sortedDistIndices:',sortedDistIndices[1])
    classCount={}
    for i in range(k):
        voteIlabel = labels[sortedDistIndices[i]]
#         print('voteIlabel:',voteIlabel)
        classCount[voteIlabel] = classCount.get(voteIlabel,0) + 1
    sortedClassCount = sorted(classCount.items(),key=operator.itemgetter(1),reverse=True)
#     print('sortedClassCount:',sortedClassCount)
    return sortedClassCount[0][0]

测试算法:作为完整程序验证分类器

def datingClassTest():
    hoRatio = 0.10      #整个数据集的10%用来测试
    datingDataMat, datingLabels = file2matrix('datingTestSet2.txt')       #导入数据集
    normMat, ranges, minVals = autoNorm(datingDataMat)    # 所有特征归一化
    m = normMat.shape[0]    # 样本个数
    numTestVecs = int(m*hoRatio)    # 测试样本个数
    errorCount = 0.0
    for i in range(numTestVecs):
        classifierResult = classify0(normMat[i, :], normMat[numTestVecs:m, :], datingLabels[numTestVecs:m], 3)
        print("the classifier came back with: %d, the real answer is: %d" % (classifierResult, datingLabels[i]))
        if (classifierResult != datingLabels[i]): errorCount += 1.0
    print("the total error rate is: %f" % (errorCount / float(numTestVecs)))    # 打印错误率
    print(errorCount)    # 打印错误个数
    
datingClassTest()
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 3, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 3
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 3, the real answer is: 3
the classifier came back with: 2, the real answer is: 2
the classifier came back with: 1, the real answer is: 1
the classifier came back with: 3, the real answer is: 1
the total error rate is: 0.050000
5.0

使用算法:构建完整可用系统

def classifyPerson():
    resultList = ['not at all','in small do','in large doses']
    percentTats = float(input("percentage of time spent playing video games?")) 
    ffMiles = float(input("frequent flier miles earned per year"))
    iceCream = float(input("liters of ice cream consumed per year?"))
    datingDataMat,datingLabels = file2matrix('datingTestSet2.txt')
    normMat, ranges,minVals = autoNorm(datingDataMat)
    inArr = array([ffMiles,percentTats,iceCream])
    classifierResult = classify0((inArr - minVals)/ranges,normMat,datingLabels,3)
    print('You will probably like this person:',resultList[classifierResult - 1])
    
classifyPerson()
percentage of time spent playing video games?65
frequent flier miles earned per year23333
liters of ice cream consumed per year?5
You will probably like this person: in large doses

手写识别系统

  1. 收集数据:提供文件
  2. 准备数据:编写函数img2vector(),将图像格式转换为分类器使用的向量格式
  3. 分析数据:在python命令提示符中检查数据,确保它符合要求
  4. 训练算法:knn不适用于此
  5. 测试算法:编写函数使用提供的部分数据集作为测试样本,测试样本与非测试样本的区别在于测试样本是已经完成分类的数据,如果预测分类与实际类别不同,则标记为一个错误
  6. 使用算法:编写程序

准备数据:将图像转换为测试向量

# 导入程序所需要的模块
import numpy as np
import operator
from os import listdir   # os.listdir() 返回指定的文件夹包含的文件或文件夹的名字的列表
def img2vector(filename):
    returnVect = zeros((1,1024))  # 创建1*1024的向量,赋值0初始化
    fr = open(filename)
    for i in range(32):
        lineStr = fr.readline()
        for j in range(32):
            returnVect[0,32*i+j] = int(lineStr[j])
    return returnVect
testVector = img2vector('testDigits/0_13.txt')
testVector[0,0:31]
array([0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 1., 1., 1.,
       1., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0., 0.])

定义K近邻算法

def classify0(inX, dataSet, labels, k):    # inX是测试集,dataSet是训练集,lebels是训练样本标签,k是取的最近邻个数
    dataSetSize = dataSet.shape[0]    # 训练样本个数
    diffMat = np.tile(inX, (dataSetSize, 1)) - dataSet    # np.tile: 重复n次
    sqDiffMat = diffMat**2
    sqDistances = sqDiffMat.sum(axis=1)
    distances = sqDistances**0.5    # distance是inX与dataSet的欧氏距离
    sortedDistIndicies = distances.argsort()    # 返回排序从小到达的索引位置
    classCount = {}   # 字典存储k近邻不同label出现的次数
    for i in range(k):
        voteIlabel = labels[sortedDistIndicies[i]]
        classCount[voteIlabel] = classCount.get(voteIlabel, 0) + 1    # 对应label加1,classCount中若无此key,则默认为0
    sortedClassCount = sorted(classCount.items(), key=operator.itemgetter(1), reverse=True)    # operator.itemgetter 获取对象的哪个维度的数据
    return sortedClassCount[0][0]    # 返回k近邻中所属类别最多的哪一类

测试算法:使用k-近邻算法识别手写数字

def handwritingClassTest():
    # 训练样本
    hwLabels = []
    trainingFileList = listdir('trainingDigits')  # 导入训练集
    m = len(trainingFileList)
    trainingMat = zeros((m,1024))
    for i in range(m):
        fileNameStr = trainingFileList[i]  # fileNameStr 得到的是每个文件名称,例如"0_0.txt"
        fileStr = fileNameStr.split(',')[0]  #去掉“.txt”,剩下“0_0”
        classNumStr = int(fileStr.split('_')[0])  # 按下划线‘_' 划分“0_0”,取第一个元素为类别标签
        hwLabels.append(classNumStr)  # 顺序添加图片的标签
        trainingMat[i,:] = img2vector('trainingDigits/%s' % fileNameStr)
    # 测试样本
    testFileList = listdir('testDigits')
    errorCount = 0.0
    mTest = len(testFileList)
    for i in range(mTest):
        fileNameStr = testFileList[i]
        fileStr = fileNameStr.split(',')[0]
        classNumStr = int(fileStr.split('_')[0])
        vectorUnderTest = img2vector('testDigits/%s' % fileNameStr)
        classifierResult = classify0(vectorUnderTest, trainingMat,hwLabels,3)
        print('the classifier came back with: %d , the real answer is :%d' % (classifierResult,classNumStr))
        if (classifierResult != classNumStr) :
            errorCount += 1.0
    print('\nthe total number of errors is: %d' % errorCount)
    print('\nthe total error rate is : %f' %(errorCount/float(mTest)))
handwritingClassTest()
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 0 , the real answer is :0
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 7 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 1 , the real answer is :1
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 2 , the real answer is :2
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 9 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 3 , the real answer is :3
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 4 , the real answer is :4
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 3 , the real answer is :5
the classifier came back with: 6 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 5 , the real answer is :5
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 6 , the real answer is :6
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 7 , the real answer is :7
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 6 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 3 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 1 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 1 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 8 , the real answer is :8
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 1 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 7 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9
the classifier came back with: 9 , the real answer is :9

the total number of errors is: 10

the total error rate is : 0.010571
  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值