python 实现SVM向量机代码

来源:互联网 发布:管理鞋子软件 编辑:程序博客网 时间:2024/05/29 14:42

SVM向量机一共有3个py文件

文件1.   SVM.py    (SVM向量机主体代码)

文件2.   run_SVM.py  (运行SVM.py)

文件3.   01011101.xls  (数据文件)


文件1.   SVM.py  :

#############################
# Author : 张无衣
# Email  : 158507220@qq.com  
#############################
  
from numpy import *  
import time  
import matplotlib.pyplot as plt   
  
  
# calulate kernel value  
def calcKernelValue(matrix_x, sample_x, kernelOption):  
    kernelType = kernelOption[0]  
    numSamples = matrix_x.shape[0]  
    kernelValue = mat(zeros((numSamples, 1)))  
      
    if kernelType == 'linear':  
        kernelValue = matrix_x * sample_x.T  
    elif kernelType == 'rbf':  
        sigma = kernelOption[1]  
        if sigma == 0:  
            sigma = 1.0  
        for i in xrange(numSamples):  
            diff = matrix_x[i, :] - sample_x  
            kernelValue[i] = exp(diff * diff.T / (-2.0 * sigma**2))  
    else:  
        raise NameError('Not support kernel type! You can use linear or rbf!')  
    return kernelValue  
  
  
# calculate kernel matrix given train set and kernel type  
def calcKernelMatrix(train_x, kernelOption):  
    numSamples = train_x.shape[0]  
    kernelMatrix = mat(zeros((numSamples, numSamples)))  
    for i in xrange(numSamples):  
        kernelMatrix[:, i] = calcKernelValue(train_x, train_x[i, :], kernelOption)  
    return kernelMatrix  
  
  
# define a struct just for storing variables and data  
class SVMStruct:  
    def __init__(self, dataSet, labels, C, toler, kernelOption):  
        self.train_x = dataSet # each row stands for a sample  
        self.train_y = labels  # corresponding label  
        self.C = C             # slack variable  
        self.toler = toler     # termination condition for iteration  
        self.numSamples = dataSet.shape[0] # number of samples  
        self.alphas = mat(zeros((self.numSamples, 1))) # Lagrange factors for all samples  
        self.b = 0  
        self.errorCache = mat(zeros((self.numSamples, 2)))  
        self.kernelOpt = kernelOption  
        self.kernelMat = calcKernelMatrix(self.train_x, self.kernelOpt)  
  
          
# calculate the error for alpha k  
def calcError(svm, alpha_k):  
    output_k = float(multiply(svm.alphas, svm.train_y).T * svm.kernelMat[:, alpha_k] + svm.b)  
    error_k = output_k - float(svm.train_y[alpha_k])  
    return error_k  
  
  
# update the error cache for alpha k after optimize alpha k  
def updateError(svm, alpha_k):  
    error = calcError(svm, alpha_k)  
    svm.errorCache[alpha_k] = [1, error]  
  
  
# select alpha j which has the biggest step  
def selectAlpha_j(svm, alpha_i, error_i):  
    svm.errorCache[alpha_i] = [1, error_i] # mark as valid(has been optimized)  
    candidateAlphaList = nonzero(svm.errorCache[:, 0].A)[0] # mat.A return array  
    maxStep = 0; alpha_j = 0; error_j = 0  
  
    # find the alpha with max iterative step  
    if len(candidateAlphaList) > 1:  
        for alpha_k in candidateAlphaList:  
            if alpha_k == alpha_i:   
                continue  
            error_k = calcError(svm, alpha_k)  
            if abs(error_k - error_i) > maxStep:  
                maxStep = abs(error_k - error_i)  
                alpha_j = alpha_k  
                error_j = error_k  
    # if came in this loop first time, we select alpha j randomly  
    else:             
        alpha_j = alpha_i  
        while alpha_j == alpha_i:  
            alpha_j = int(random.uniform(0, svm.numSamples))  
        error_j = calcError(svm, alpha_j)  
      
    return alpha_j, error_j  
  
  
# the inner loop for optimizing alpha i and alpha j  
def innerLoop(svm, alpha_i):  
    error_i = calcError(svm, alpha_i)  
  
    ### check and pick up the alpha who violates the KKT condition  
    ## satisfy KKT condition  
    # 1) yi*f(i) >= 1 and alpha == 0 (outside the boundary)  
    # 2) yi*f(i) == 1 and 0<alpha< C (on the boundary)  
    # 3) yi*f(i) <= 1 and alpha == C (between the boundary)  
    ## violate KKT condition  
    # because y[i]*E_i = y[i]*f(i) - y[i]^2 = y[i]*f(i) - 1, so  
    # 1) if y[i]*E_i < 0, so yi*f(i) < 1, if alpha < C, violate!(alpha = C will be correct)   
    # 2) if y[i]*E_i > 0, so yi*f(i) > 1, if alpha > 0, violate!(alpha = 0 will be correct)  
    # 3) if y[i]*E_i = 0, so yi*f(i) = 1, it is on the boundary, needless optimized  
    if (svm.train_y[alpha_i] * error_i < -svm.toler) and (svm.alphas[alpha_i] < svm.C) or\
        (svm.train_y[alpha_i] * error_i > svm.toler) and (svm.alphas[alpha_i] > 0):  
  
        # step 1: select alpha j  
        alpha_j, error_j = selectAlpha_j(svm, alpha_i, error_i)  
        alpha_i_old = svm.alphas[alpha_i].copy()  
        alpha_j_old = svm.alphas[alpha_j].copy()  
  
        # step 2: calculate the boundary L and H for alpha j  
        if svm.train_y[alpha_i] != svm.train_y[alpha_j]:  
            L = max(0, svm.alphas[alpha_j] - svm.alphas[alpha_i])  
            H = min(svm.C, svm.C + svm.alphas[alpha_j] - svm.alphas[alpha_i])  
        else:  
            L = max(0, svm.alphas[alpha_j] + svm.alphas[alpha_i] - svm.C)  
            H = min(svm.C, svm.alphas[alpha_j] + svm.alphas[alpha_i])  
        if L == H:  
            return 0  
  
        # step 3: calculate eta (the similarity of sample i and j)  
        eta = 2.0 * svm.kernelMat[alpha_i, alpha_j] - svm.kernelMat[alpha_i, alpha_i] \
                  - svm.kernelMat[alpha_j, alpha_j]  
        if eta >= 0:  
            return 0  
  
        # step 4: update alpha j  
        svm.alphas[alpha_j] -= svm.train_y[alpha_j] * (error_i - error_j) / eta  
  
        # step 5: clip alpha j  
        if svm.alphas[alpha_j] > H:  
            svm.alphas[alpha_j] = H  
        if svm.alphas[alpha_j] < L:  
            svm.alphas[alpha_j] = L  
  
        # step 6: if alpha j not moving enough, just return       
        if abs(alpha_j_old - svm.alphas[alpha_j]) < 0.00001:  
            updateError(svm, alpha_j)  
            return 0  
  
        # step 7: update alpha i after optimizing aipha j  
        svm.alphas[alpha_i] += svm.train_y[alpha_i] * svm.train_y[alpha_j] \
                                * (alpha_j_old - svm.alphas[alpha_j])  
  
        # step 8: update threshold b  
        b1 = svm.b - error_i - svm.train_y[alpha_i] * (svm.alphas[alpha_i] - alpha_i_old) \
                                                    * svm.kernelMat[alpha_i, alpha_i] \
                             - svm.train_y[alpha_j] * (svm.alphas[alpha_j] - alpha_j_old) \
                                                    * svm.kernelMat[alpha_i, alpha_j]  
        b2 = svm.b - error_j - svm.train_y[alpha_i] * (svm.alphas[alpha_i] - alpha_i_old) \
                                                    * svm.kernelMat[alpha_i, alpha_j] \
                             - svm.train_y[alpha_j] * (svm.alphas[alpha_j] - alpha_j_old) \
                                                    * svm.kernelMat[alpha_j, alpha_j]  
        if (0 < svm.alphas[alpha_i]) and (svm.alphas[alpha_i] < svm.C):  
            svm.b = b1  
        elif (0 < svm.alphas[alpha_j]) and (svm.alphas[alpha_j] < svm.C):  
            svm.b = b2  
        else:  
            svm.b = (b1 + b2) / 2.0  
  
        # step 9: update error cache for alpha i, j after optimize alpha i, j and b  
        updateError(svm, alpha_j)  
        updateError(svm, alpha_i)  
  
        return 1  
    else:  
        return 0  
  
  
# the main training procedure  
def trainSVM(train_x, train_y, C, toler, maxIter, kernelOption = ('rbf', 1.0)):  
    # calculate training time  
    startTime = time.time()  
  
    # init data struct for svm  
    svm = SVMStruct(mat(train_x), mat(train_y), C, toler, kernelOption)  
      
    # start training  
    entireSet = True  
    alphaPairsChanged = 0  
    iterCount = 0  
    # Iteration termination condition:  
    #   Condition 1: reach max iteration  
    #   Condition 2: no alpha changed after going through all samples,  
    #                in other words, all alpha (samples) fit KKT condition  
    while (iterCount < maxIter) and ((alphaPairsChanged > 0) or entireSet):  
        alphaPairsChanged = 0  
  
        # update alphas over all training examples  
        if entireSet:  
            for i in xrange(svm.numSamples):  
                alphaPairsChanged += innerLoop(svm, i)  
            print '---iter:%d entire set, alpha pairs changed:%d' % (iterCount, alphaPairsChanged)  
            iterCount += 1  
        # update alphas over examples where alpha is not 0 & not C (not on boundary)  
        else:  
            nonBoundAlphasList = nonzero((svm.alphas.A > 0) * (svm.alphas.A < svm.C))[0]  
            for i in nonBoundAlphasList:  
                alphaPairsChanged += innerLoop(svm, i)  
            print '---iter:%d non boundary, alpha pairs changed:%d' % (iterCount, alphaPairsChanged)  
            iterCount += 1  
  
        # alternate loop over all examples and non-boundary examples  
        if entireSet:  
            entireSet = False  
        elif alphaPairsChanged == 0:  
            entireSet = True  
  
    print 'Congratulations, training complete! Took %fs!' % (time.time() - startTime)  
    return svm  
  
  
# testing your trained svm model given test set  
def testSVM(svm, test_x, test_y):  
    test_x = mat(test_x)  
    test_y = mat(test_y)
    numTestSamples = test_x.shape[0]  
    supportVectorsIndex = nonzero(svm.alphas.A > 0)[0]  
    supportVectors      = svm.train_x[supportVectorsIndex]  
    supportVectorLabels = svm.train_y[supportVectorsIndex]  
    supportVectorAlphas = svm.alphas[supportVectorsIndex]  
    returnList = []  
    for i in xrange(numTestSamples):  
        kernelValue = calcKernelValue(supportVectors, test_x[i, :], svm.kernelOpt)  
        predict = kernelValue.T * multiply(supportVectorLabels, supportVectorAlphas) + svm.b  
        returnList.append([test_y[i].getA1(),predict.getA1()])
    return returnList  
  
  
# show your trained svm model only available with 2-D data  
def showSVM(svm):  
    if svm.train_x.shape[1] != 2:  
        print "Sorry! I can not draw because the dimension of your data is not 2!"  
        return 1  
  
    # draw all samples  
    for i in xrange(svm.numSamples):  
        if svm.train_y[i] == -1:  
            plt.plot(svm.train_x[i, 0], svm.train_x[i, 1], 'or')  
        elif svm.train_y[i] == 1:  
            plt.plot(svm.train_x[i, 0], svm.train_x[i, 1], 'ob')  
  
    # mark support vectors  
    supportVectorsIndex = nonzero(svm.alphas.A > 0)[0]  
    for i in supportVectorsIndex:  
        plt.plot(svm.train_x[i, 0], svm.train_x[i, 1], 'oy')  
      
    # draw the classify line  
    w = zeros((2, 1))  
    for i in supportVectorsIndex:  
        w += multiply(svm.alphas[i] * svm.train_y[i], svm.train_x[i, :].T)   
    min_x = min(svm.train_x[:, 0])[0, 0]  
    max_x = max(svm.train_x[:, 0])[0, 0]  
    y_min_x = float(-svm.b - w[0] * min_x) / w[1]  
    y_max_x = float(-svm.b - w[0] * max_x) / w[1]  
    plt.plot([min_x, max_x], [y_min_x, y_max_x], '-g')  
    plt.show()  




文件2.   run_SVM.py:



# -*- coding: utf-8 -*-


from numpy import *  
import SVM  
import xlrd
import pickle
import cretaTable as ct


##########test svm ###########
dataSet = []  
labels = []  
code='01011101'
data = xlrd.open_workbook(str(code)+'.xls')
data = data.sheets()[0]
rows=data.nrows
ncols=data.ncols-1
for j in range(rows):
    dataSet1=[]
    for i in range(ncols):
        dataSet1.extend([float(data.cell_value(j,i))])
    dataSet.append(dataSet1)
    labels.append(float(data.cell_value(j,ncols)))
 
 
ends=rows-50
dataSet = mat(dataSet)  
labels = mat(labels).T  
train_x = dataSet[0:ends+10, :]  
train_y = labels[0:ends+10, :]  
test_x = dataSet[ends:rows, :]  
test_y = labels[ends:rows, :]  
  
## step 2: training...  
print "step 2: training..."  
C = 0.0001  
toler = 0.00001  
maxIter = 1  
svmClassifier = SVM.trainSVM(train_x, train_y, C, toler, maxIter, kernelOption = ('linear', 0))  


try:  
    fileName='SVM_Model.pkl'
    delFile(fileName)
except:  
    print "..init..svm。。"
output = open('SVM_Model.pkl', 'wb')
pickle.dump(svmClassifier, output)


## step 3: testing  
print "step 3: testing..."  
accuracy = SVM.testSVM(svmClassifier, test_x, test_y)  


print accuracy
ass=[i for accuracy ]
print ass
#save accuracy
ct.cretaTable(code,accuracy)


## step 4: show the result  
print "step 4: show the result..."    
for i in accuracy:
    print i
#SVM.showSVM(svmClassifier)  




文件3.   01011101.xls  (数据文件):


1.811.860.031.641.811.870.116570.215421.861.880.021.081.831.890.167730.311021.871.90.021.061.851.910.168680.317341.91.930.031.581.881.940.149970.286631.91.940.010.521.91.950.129150.247441.911.93-0.01-0.521.91.960.210020.405731.921.960.031.551.91.960.219890.426031.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.2087311.861.880.021.081.831.890.167730.311021.871.90.021.061.851.910.168680.317341.91.930.031.581.881.940.149970.286631.91.940.010.521.91.950.129150.247441.911.93-0.01-0.521.91.960.210020.405731.921.960.031.551.91.960.219890.426031.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.1888721.871.90.021.061.851.910.168680.317341.91.930.031.581.881.940.149970.286631.91.940.010.521.91.950.129150.247441.911.93-0.01-0.521.91.960.210020.405731.921.960.031.551.91.960.219890.426031.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.2021811.91.930.031.581.881.940.149970.286631.91.940.010.521.91.950.129150.247441.911.93-0.01-0.521.91.960.210020.405731.921.960.031.551.91.960.219890.426031.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.2771421.91.940.010.521.91.950.129150.247441.911.93-0.01-0.521.91.960.210020.405731.921.960.031.551.91.960.219890.426031.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.2524211.911.93-0.01-0.521.91.960.210020.405731.921.960.031.551.91.960.219890.426031.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690811.921.960.031.551.91.960.219890.426031.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.2790121.981.990.031.531.9420.220980.436571.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.2221521.991.94-0.05-2.511.9320.139280.273961.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.2650321.932.040.15.151.922.040.47570.958522.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.1846712.112.060.020.982.022.120.484160.991162.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.0803922.052.04-0.02-0.972.012.050.223170.454152.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.5958222.042.02-0.02-0.982.012.050.167990.340282.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.1382622.052.110.094.462.012.120.497681.037022.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.1016722.12.05-0.06-2.842.042.130.41870.872052.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.116312.031.99-0.06-2.931.982.040.280880.5641.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.1084521.992.050.063.021.982.060.15770.321262.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.2101512.042.080.031.462.032.10.251540.518242.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.2323412.082.06-0.02-0.962.042.080.126720.259852.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.1312422.062.070.010.492.042.090.168350.347412.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.8505922.072.140.073.382.062.140.373180.784482.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.3824922.132.160.020.932.12.20.307950.659272.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.2070512.162.12-0.04-1.852.112.160.166460.353792.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.2355112.112.12002.092.150.147020.310872.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.235512.062.090.041.952.062.090.143050.2968922.12.01-0.11-5.192.012.120.260590.53131.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.235512.062.090.041.952.062.090.143050.296892.092.110.020.962.082.140.255440.5383311.972-0.01-0.51.972.020.153660.307051.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.235512.062.090.041.952.062.090.143050.296892.092.110.020.962.082.140.255440.538332.122.09-0.02-0.952.072.120.127720.2662321.992.010.010.51.972.030.068940.138912.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.235512.062.090.041.952.062.090.143050.296892.092.110.020.962.082.140.255440.538332.122.09-0.02-0.952.072.120.127720.266232.112.120.031.442.112.170.352960.7552622.012.050.041.991.992.050.09390.189852.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.235512.062.090.041.952.062.090.143050.296892.092.110.020.962.082.140.255440.538332.122.09-0.02-0.952.072.120.127720.266232.112.120.031.442.112.170.352960.755262.122.12002.082.120.158230.3326712.032.03-0.02-0.982.022.070.121410.24912.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.235512.062.090.041.952.062.090.143050.296892.092.110.020.962.082.140.255440.538332.122.09-0.02-0.952.072.120.127720.266232.112.120.031.442.112.170.352960.755262.122.12002.082.120.158230.332672.122.12002.082.130.197790.4152722.032.050.020.992.032.060.102060.208732.062.04-0.01-0.492.032.060.09240.188872.052.060.020.982.042.070.098310.202182.062.05-0.01-0.491.992.060.136150.277142.062.060.010.492.042.070.122990.252422.052.01-0.05-2.431.992.060.132580.2690822.020.010.522.050.137550.279012.022.040.020.992.012.060.109230.222152.041.99-0.05-2.451.952.040.132970.265031.991.98-0.01-0.51.951.990.093430.184671.991.96-0.02-1.011.9620.040670.080391.962.030.073.571.962.060.292940.595822.012.030022.030.068630.138262.032.030022.030.050320.101672.022.030022.030.057770.11632.042.02-0.01-0.4922.040.053690.108452.022.040.020.992.012.040.103670.210152.022.02-0.02-0.9822.040.115120.232342.042.030.010.52.012.040.064950.131242.042.060.031.482.022.120.408430.850592.062.06002.042.090.185290.382492.072.06002.042.080.100710.207052.052.05-0.01-0.492.032.070.114910.235512.062.090.041.952.062.090.143050.296892.092.110.020.962.082.140.255440.538332.122.09-0.02-0.952.072.120.127720.266232.112.120.031.442.112.170.352960.755262.122.12002.082.120.158230.332672.122.12002.082.130.197790.415272.122.140.020.942.12.150.169760.361672






2 0
原创粉丝点击