[Python 机器学习实战] k-近邻算法

k-近邻算法概述

k-近邻算法采用测量不同特征值之间的距离方法进行分类。

  • 优点:精度高、对异常值不敏感、无数据输入假定。
  • 缺点:计算复杂度高、空间复杂度高。
  • 适用数据范围:数值型(可以从无限的数值集合中取值)和标称型(只在有限目标集中取值)。

kNN分类算法伪代码

对未知类别属性的数据集中的每个点依次执行以下操作:

  1. 计算已知类别数据集中的点与当前点之间的距离;
  2. 按照距离递增次序排序;
  3. 选取与当前点距离最小的k个点;
  4. 确定前k个点所在类别的出现频率;
  5. 返回前k个点出现频率最高的类别作为当前点的预测分类。
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()
group, labels
(array([[1. , 1.1],
        [1. , 1. ],
        [0. , 0. ],
        [0. , 0.1]]), ['A', 'A', 'B', 'B'])
k-近邻算法
# 输入参数:(1)用于分类的输入向量inX, (2)输入的训练样本集dataSet,(3)标签向量labels,(4)用于选择最近邻居的数目k
def classify0(inX, dataSet, labels, k):
    dataSetSize = dataSet.shape[0]  # 行数,训练样本集数目,也等于标签向量的元素数目
    
    # 距离计算——欧式距离
    diffMat = tile(inX, (dataSetSize,1)) - dataSet  # tile(A,B)函数:在列方向重复A B次 ,若B为(a,b),则在行方向重复a次,列方向重复b次
    # tile(inX, (dataSetSize,1))为在行方向重复inXdataSetSize次,结果与dataSet对称
    # diffMat 计算的是当前要分类点与已知类别数据集中的点的距离差(x-xi, y-yi)
    sqDiffMat = diffMat ** 2
    # ((x-xi)2,(y-yi)2)
    sqDistances = sqDiffMat.sum(axis=1)
    # 对sqDiffMat中每行元素求和[(x-xi)2 + (y-yi)2, ...]
    distances = sqDistances ** 0.5
    # 开方,计算欧氏距离[d1, d2, d3...]
    sortedDistIndicies = distances.argsort()
    # 将元素从小到大排列,提取其对应的index(索引),输出的是对应索引
    # 距离distances:          3, 1, 5, 2
    # 输出sortedDistIndicies: 1, 3, 0, 2
    
    # 选择距离最小的k个点
    classCount = {} # 字典{标签: 次数}  各个标签出现次数
    for i in range(k):
        voteIlabel = labels[sortedDistIndicies[i]] # 前k个点对应分类标签
        classCount[voteIlabel] = classCount.get(voteIlabel, 0) + 1
        # D.get(key[,default=None])  返回指定键的值,如果键不在字典中,返回一个指定值,默认为None。
        
    # 按标签出现次数降序排序,返回次数最多的对应标签
    sortedClassCount = sorted(classCount.items(), key=operator.itemgetter(1), reverse=True)
    # dict.items()——返回可遍历的(键, 值) 元组数组
    # operator模块提供的itemgetter函数用于获取对象的哪些维的数据,参数为一些序号(即需要获取的数据在对象中的序号),
    # reverse参数,表示升序还是降序排列,默认为false(升序排列),定义为True时将按降序排列。
    return sortedClassCount[0][0]
# 简单demo
classify0([0, 0], group, labels, 3)
'B'

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

准备数据:从文本文件中解析数据

将文本记录转换为NumPy的解析程序
def file2matrix(filename):
    fr = open(filename)
    arrayOLines = fr.readlines()
    numberOfLines = len(arrayOLines) # 得到文件行数
    
    # 创建返回的NumPy矩阵
    returnMat = zeros((numberOfLines, 3))  # 特征矩阵,这里特征数为3
    classLabelVector = []
    index = 0
    
    # 解析文件数据到列表
    for line in arrayOLines:
        line = line.strip()  # 用于移除字符串头尾指定的字符(默认为空格或换行符)或字符序列。
        # strip()  只能删除开头或是结尾的字符,不能删除中间部分的字符。
        listFromLine = line.split('\t')
        returnMat[index,:] = listFromLine[0:3]
        classLabelVector.append(int(listFromLine[-1]))  # 负索引,最后一列标签数据
        index += 1
    return returnMat,classLabelVector
"""
海伦约会数据——datingTestSet2.txt
每个样本数据占据一行,总共有1000行。
主要包含以下3种特征:
    每年获得的飞行乘客里程数
    玩视频游戏所消耗时间百分比
    每周消费的冰淇淋公升数
    
数据示例(最后一列为对应标签):
40920	8.326976	0.953952	3
14488	7.153469	1.673904	2
26052	1.441871	0.805124	1
75136	13.147394	0.428964	1
"""
'\n海伦约会数据——datingTestSet2.txt\n每个样本数据占据一行,总共有1000行。\n主要包含以下3种特征:\n    每年获得的飞行乘客里程数\n    玩视频游戏所消耗时间百分比\n    每周消费的冰淇淋公升数\n    \n数据示例(最后一列为对应标签):\n40920\t8.326976\t0.953952\t3\n14488\t7.153469\t1.673904\t2\n26052\t1.441871\t0.805124\t1\n75136\t13.147394\t0.428964\t1\n'
datingDataMat, datingLabels = file2matrix('../datasets/dating/datingTestSet2.txt')
print(datingDataMat)
print(datingLabels[0:20])
[[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]

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

import matplotlib
import matplotlib.pyplot as plt

# 显示中文
from pylab import *
mpl.rcParams['font.sans-serif'] = ['SimHei']

fig = plt.figure(figsize=(15,10))  # 不提供任何参数的时候是以Id为1创建一个窗口
ax1 = fig.add_subplot(231)  # 画子图 参数349的意思是:将画布分割成3行4列,图像画在从左到右从上到下的第9块
ax1.set_title('没有样本类别标签的约会数据散点图。难以辨别图中的点究竟属于哪个样本分类')  # 设置标题 
plt.xlabel('玩视频游戏所消耗时间百分比')  # 设置X轴标签 
plt.ylabel('每周消费的冰淇淋公升数')  # 设置Y轴标签 
ax1.scatter(datingDataMat[:,1], datingDataMat[:,2])  #画散点图 
# 散点图使用datingDataMat矩阵的第二、第三列数据,分别表示特征值“玩视频游戏所消耗时间百分比”和“每周消费的冰淇淋公升数”

ax2 = fig.add_subplot(233)
ax2.set_title('带有样本分类标签的约会数据散点图。仍很难得出结论性信息')  
plt.xlabel('玩视频游戏所消耗时间百分比') 
plt.ylabel('每周消费的冰淇淋公升数') 
ax2.scatter(datingDataMat[:,1], datingDataMat[:,2], s=15.0*array(datingLabels), c=15.0*array(datingLabels)) # 不同尺寸、不同颜色

ax3 = fig.add_subplot(234)
ax3.set_title('每年赢得的飞行常客里程数与玩视频游戏所占百分比的约会数据散点图。更容易区分数据点从属类别')  
plt.xlabel('每年获取的飞行常客里程数') 
plt.ylabel('玩视频游戏所消耗时间百分比') 
ax3.scatter(datingDataMat[:,0], datingDataMat[:,1], s=15.0*array(datingLabels), c=15.0*array(datingLabels)) # 不同尺寸、不同颜色

plt.show()

plt.figure()
type1_x = []   #一共有3类,所以定义3个空列表准备接受数据
type1_y = []
type2_x = []
type2_y = []
type3_x = []
type3_y = []
 
for i in range(len(datingLabels)):         #1000组数据,i循环1000次
    if datingLabels[i] == 1:               #根据标签进行数据分类,注意标签此时是字符串
        type1_x.append(datingDataMat[i][0])  #取的是样本数据的第一列特征和第二列特征
        type1_y.append(datingDataMat[i][1])
 
    if datingLabels[i] == 2:
        type2_x.append(datingDataMat[i][0])
        type2_y.append(datingDataMat[i][1])
 
    if datingLabels[i] == 3:
        type3_x.append(datingDataMat[i][0])
        type3_y.append(datingDataMat[i][1])
        
plt.scatter(type1_x, type1_y, s=15.0*array(datingLabels), c='r', label='不喜欢')
plt.scatter(type2_x, type2_y, s=15.0*array(datingLabels), c='b', label='魅力一般')
plt.scatter(type3_x, type3_y, s=15.0*array(datingLabels), c='k', label='极具魅力')
 
plt.legend()  # 设置图例
plt.show()

准备数据:归一化数值

归一化特征值
newValue = (oldValue-min)/(max-min)
def autoNorm(dataSet):
    minVals = dataSet.min(0)  # min(0)返回该矩阵中每一列的最小值   (1, 3)
    maxVals = dataSet.max(0)
    ranges = maxVals - minVals
    normDataSet = zeros(shape(dataSet))
    m = dataSet.shape[0]  # 读取矩阵第一维度的长度
    normDataSet = dataSet - tile(minVals, (m,1))  # dataSet为(1000, 3)
    normDataSet = normDataSet/tile(ranges, (m,1))  # 特征值相除
    return normDataSet, ranges, minVals
normMat, ranges, minVals = autoNorm(datingDataMat)
print(normMat)
print(ranges)
print(minVals)
[[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]]
[9.1273000e+04 2.0919349e+01 1.6943610e+00]
[0.       0.       0.001156]
分类器针对约会网站的测试代码
def datingClassTest():
    hoRatio = 0.10
    datingDataMat, datingLabels = file2matrix('../datasets/dating/datingTestSet2.txt')  # 特征矩阵,标签向量
    normMat, ranges, minVals = autoNorm(datingDataMat)  # 归一化特征值
    m = normMat.shape[0]  # 1000
    numTestVecs = int(m*hoRatio)  # 测试向量数量 = 1000*0.1=100 
    errorCount = 0.0
    for i in range(numTestVecs):
        # 0:100为测试 normMat[i,:],100:1000为训练数据 normMat[numTestVecs:m,:]
        
        # 输入参数:(1)用于分类的输入向量inX, (2)输入的训练样本集dataSet,(3)标签向量labels,(4)用于选择最近邻居的数目k
        # def classify0(inX, dataSet, labels, k):
        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)))
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
约会网站预测函数
# 通过该程序,海伦会在约会网站上找到某个人并输入他的信息,程序会给出她对对方喜欢程度的预测值。
def classifyPerson():
    resultList = ['not at all', 'in small doses', '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 week?"))
    datingDataMat, datingLabels = file2matrix('../datasets/dating/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?10
frequent flier miles earned per year?10000
liters of ice cream consumed per week?0.5
You will probably like this person:  in small doses

示例:手写识别系统

为简单起见,这里构造的系统只能识别数字0到9。需要识别的数字已经使用图形处理软件,处理成具有相同的色彩和大小:宽高是32像素×32像素的黑白图像。

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

把一个32×32的二进制图像矩阵转换为1×1024的向量,这样前面使用的分类器就可以处理数字图像信息了。

编写函数img2vector,将图像转换为向量:该函数创建1×1024的Numpy数组,然后打开给定的文件,循环读出文件的前32行,并将每行的头32个字符值存储在Numpy数组中,最后返回数组。

def img2vector(filename):
    returnVect = zeros((1,1024))
    fr = open(filename)
    for i in range(32):
        lineStr = fr.readline()
        for j in range(32):
            returnVect[0,32*i+j] = int(lineStr[j])  # 0:第1行
    return returnVect
testVector = img2vector('../datasets/digits/testDigits/0_13.txt')
print(testVector[0,0:31])
print(testVector[0,32:63])
[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.]
[0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1. 1. 1. 1. 1. 1. 1. 0. 0. 0. 0. 0.
 0. 0. 0. 0. 0. 0. 0.]

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

手写数字识别系统的测试代码
# 自包含函数handwritingClassTest()是测试分类器的代码
from os import listdir
# 导入listdir可以列出给定目录的文件名

def handwritingClassTest():
    hwLabels = []
    
    # 获取目录内容,文件名如0_12.txt
    trainingFileList = listdir('../datasets/digits/trainingDigits')
    m = len(trainingFileList)  # 有m个文件
    trainingMat = zeros((m,1024))  # 训练矩阵,每行数据存储一个图像
    
    # 从文件名解析分类数字
    for i in range(m):
        fileNameStr = trainingFileList[i]  # 文件名,如 0_1.txt
        fileStr = fileNameStr.split('.')[0]  # 0_1
        classNumStr = int(fileStr.split('_')[0])  # 0
        hwLabels.append(classNumStr)  # 标签 int型
        trainingMat[i,:] = img2vector('../datasets/digits/trainingDigits/%s' % fileNameStr)  # 将图像转换为向量
    
    testFileList = listdir('../datasets/digits/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('../datasets/digits/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

转载于:https://my.oschina.net/u/4004713/blog/3006286

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值