├── result.xlsx ├── malicious_web_page_detection_based_on_url.rar ├── README ├── README.md ├── RESULT ├── model_test.py └── all_test.txt /result.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/chengguobiao/malicious_web_page_detection_based_on_url/HEAD/result.xlsx -------------------------------------------------------------------------------- /malicious_web_page_detection_based_on_url.rar: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/chengguobiao/malicious_web_page_detection_based_on_url/HEAD/malicious_web_page_detection_based_on_url.rar -------------------------------------------------------------------------------- /README: -------------------------------------------------------------------------------- 1 | 程序说明: 2 | __Author__:沂水寒城 3 | 功能:使用url数据建立起恶意网站的检测模型 4 | 输入:第一行为标题,接下来每一行均为一个样本即一个url抽取的得到的向量 5 | 输出:模型的预测结果 6 | 7 | 8 | 数据说明: 9 | 训练数据的集合为:all_train.txt 10 | 测试数据的集合为:all_test.txt 11 | 其中正例样本标签为0,负例样本标签为1 12 | 使用的数据中均为12维特征向量加1维的标签(共13维) 13 | 14 | 15 | 特征说明: 16 | 特征文件一共分为两类,第一类一共12维特征也即程序中使用的数据;第二类是实现一篇去年会议上的一篇恶意网站检测的论文的方法一共16维特征 17 | 第一类特征为: 18 | len_procotol2path,ip_exist,len_hostname,www_exist,TLD_exist,SLD_decimal,TLD_decimal,len_path,num_directory_max,path_exist_date,path_exist_hex, label 19 | 第二类特征为: 20 | len_procotol2path,ip_exist,len_hostname,www_exist,TLD_exist,SLD_decimal,TLD_decimal,len_path,num_directory_max,path_exist_date,path_exist_hex,url_sign, url_dot, url_length, url_number_length, red_keyword, label 21 | 22 | 23 | 模型说明: 24 | 第一个函数为读取特征数据的函数 25 | 接下来每一个函数均为一个模型,可以依旧自己的不同需要来使用 26 | model文件夹下面存储的是模型文件,每个训练和测试的模型均可以仿照SVM的模型持久化方法进行存储,避免每次测试都要训练 27 | 28 | 29 | 结果说明: 30 | RESULT文件中存放的是程序运行的结果 31 | result.xlsx中存放的是一些模型的数据记录以及直方图表 -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # malicious_web_page_detection_based_on_url 2 | ##基于url特征的轻量级的恶意页面检测 3 | #程序说明: 4 | __Author__:沂水寒城 5 | 功能:使用url数据建立起恶意网站的检测模型 6 | 输入:第一行为标题,接下来每一行均为一个样本即一个url抽取的得到的向量 7 | 输出:模型的预测结果 8 | 9 | 10 | #数据说明: 11 | 训练数据的集合为:all_train.txt 12 | 测试数据的集合为:all_test.txt 13 | 其中正例样本标签为0,负例样本标签为1 14 | 使用的数据中均为12维特征向量加1维的标签(共13维) 15 | 16 | 17 | #特征说明: 18 | 特征文件一共分为两类,第一类一共12维特征也即程序中使用的数据;第二类是实现一篇去年会议上的一篇恶意网站检测的论文的方法一共16维特征 19 | ##第一类特征为: 20 | len_procotol2path,ip_exist,len_hostname,www_exist,TLD_exist,SLD_decimal,TLD_decimal,len_path,num_directory_max,path_exist_date,path_exist_hex, label 21 | ##第二类特征为: 22 | len_procotol2path,ip_exist,len_hostname,www_exist,TLD_exist,SLD_decimal,TLD_decimal,len_path,num_directory_max,path_exist_date,path_exist_hex,url_sign, url_dot, url_length, url_number_length, red_keyword, label 23 | ##第一类特征文件为: 24 | urlresult2.txt 25 | ##第二类特征文件为: 26 | urlresult.txt 27 | 28 | 29 | #模型说明: 30 | 第一个函数为读取特征数据的函数 31 | 接下来每一个函数均为一个模型,可以依旧自己的不同需要来使用 32 | model文件夹下面存储的是模型文件,每个训练和测试的模型均可以仿照SVM的模型持久化方法进行存储,避免每次测试都要训练 33 | 34 | 35 | #结果说明: 36 | RESULT文件中存放的是程序运行的结果 37 | result.xlsx中存放的是一些模型的数据记录以及直方图表 38 | -------------------------------------------------------------------------------- /RESULT: -------------------------------------------------------------------------------- 1 | 训练样本数是------> 8636 2 | 测试样本数是------> 1279 3 | **************************************************SVM(支持向量机)********************************** 4 | SVM模型为: 5 | SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0, 6 | decision_function_shape=None, degree=3, gamma='auto', kernel='rbf', 7 | max_iter=-1, probability=False, random_state=None, shrinking=True, 8 | tol=0.001, verbose=False) 9 | precision recall f1-score support 10 | 11 | 0.0 0.78 0.94 0.85 610 12 | 1.0 0.93 0.76 0.84 669 13 | 14 | avg / total 0.86 0.85 0.84 1279 15 | 16 | [[571 39] 17 | [159 510]] 18 | 19 | ********************************SVMCV************************************** 20 | Fitting 3 folds for each of 14 candidates, totalling 42 fits 21 | [Parallel(n_jobs=1)]: Done 42 out of 42 | elapsed: 5.1min finished 22 | SVMCV模型参数信息为: 23 | kernel rbf 24 | C 1000 25 | verbose False 26 | probability True 27 | degree 3 28 | shrinking True 29 | max_iter -1 30 | decision_function_shape None 31 | random_state None 32 | tol 0.001 33 | cache_size 200 34 | coef0 0.0 35 | gamma 0.001 36 | class_weight None 37 | SVMCV模型为: 38 | SVC(C=1000, cache_size=200, class_weight=None, coef0=0.0, 39 | decision_function_shape=None, degree=3, gamma=0.001, kernel='rbf', 40 | max_iter=-1, probability=True, random_state=None, shrinking=True, 41 | tol=0.001, verbose=False) 42 | --------------------------SVMCV 测试准确度为------------------------------------------- 43 | precision recall f1-score support 44 | 45 | 0.0 0.76 0.96 0.85 610 46 | 1.0 0.95 0.72 0.82 669 47 | 48 | avg / total 0.86 0.84 0.83 1279 49 | 50 | [[586 24] 51 | [186 483]] 52 | **********************************GBDT************************************** 53 | GBDT模型为: 54 | GradientBoostingClassifier(criterion='friedman_mse', init=None, 55 | learning_rate=0.1, loss='deviance', max_depth=3, 56 | max_features=None, max_leaf_nodes=None, 57 | min_impurity_split=1e-07, min_samples_leaf=1, 58 | min_samples_split=2, min_weight_fraction_leaf=0.0, 59 | n_estimators=200, presort='auto', random_state=None, 60 | subsample=1.0, verbose=0, warm_start=False) 61 | --------------------------GBDT 测试准确度为------------------------------------------- 62 | precision recall f1-score support 63 | 64 | 0.0 0.79 0.95 0.86 610 65 | 1.0 0.94 0.77 0.85 669 66 | 67 | avg / total 0.87 0.86 0.86 1279 68 | 69 | [[580 30] 70 | [154 515]] 71 | **********************************RF************************************** 72 | RF模型为: 73 | RandomForestClassifier(bootstrap=True, class_weight=None, criterion='gini', 74 | max_depth=None, max_features='auto', max_leaf_nodes=None, 75 | min_impurity_split=1e-07, min_samples_leaf=1, 76 | min_samples_split=2, min_weight_fraction_leaf=0.0, 77 | n_estimators=8, n_jobs=1, oob_score=False, random_state=None, 78 | verbose=0, warm_start=False) 79 | --------------------------RF测试准确度为------------------------------------------- 80 | precision recall f1-score support 81 | 82 | 0.0 0.86 0.95 0.90 610 83 | 1.0 0.95 0.86 0.90 669 84 | 85 | avg / total 0.90 0.90 0.90 1279 86 | 87 | [[577 33] 88 | [ 97 572]] 89 | *********************************************朴素贝叶斯*************************************************** 90 | NB模型为: 91 | GaussianNB(priors=None) 92 | ------------------------------------------朴素贝叶斯测试准确度为------------------------------------------- 93 | precision recall f1-score support 94 | 95 | 0.0 0.65 0.83 0.73 610 96 | 1.0 0.79 0.58 0.67 669 97 | 98 | avg / total 0.72 0.70 0.70 1279 99 | 100 | [[506 104] 101 | [278 391]] 102 | **********************************MultinomialNB************************************** 103 | MultinomialNB模型为: 104 | MultinomialNB(alpha=0.01, class_prior=None, fit_prior=True) 105 | --------------------------MultinomialNB 测试准确度为------------------------------------------- 106 | precision recall f1-score support 107 | 108 | 0.0 0.67 0.69 0.68 610 109 | 1.0 0.71 0.70 0.70 669 110 | 111 | avg / total 0.69 0.69 0.69 1279 112 | 113 | [[418 192] 114 | [202 467]] 115 | **********************************KNN************************************** 116 | KNN模型为: 117 | KNeighborsClassifier(algorithm='auto', leaf_size=30, metric='minkowski', 118 | metric_params=None, n_jobs=1, n_neighbors=5, p=2, 119 | weights='uniform') 120 | --------------------------KNN 测试准确度为------------------------------------------- 121 | precision recall f1-score support 122 | 123 | 0.0 0.74 0.93 0.82 610 124 | 1.0 0.92 0.70 0.80 669 125 | 126 | avg / total 0.83 0.81 0.81 1279 127 | 128 | [[568 42] 129 | [199 470]] 130 | *****************************************决策树,分类和回归树(CART)****************************** 131 | CART模型为: 132 | DecisionTreeClassifier(class_weight=None, criterion='gini', max_depth=None, 133 | max_features=None, max_leaf_nodes=None, 134 | min_impurity_split=1e-07, min_samples_leaf=1, 135 | min_samples_split=2, min_weight_fraction_leaf=0.0, 136 | presort=False, random_state=None, splitter='best') 137 | -------------------------------------------决策树,分类和回归树(CART)---------------------------------- 138 | precision recall f1-score support 139 | 140 | 0.0 0.86 0.93 0.90 610 141 | 1.0 0.93 0.87 0.90 669 142 | 143 | avg / total 0.90 0.90 0.90 1279 144 | 145 | [[567 43] 146 | [ 89 580]] 147 | ********************************特征重要性为*************************************** 148 | [ 0.18874843 0.0427264 0.04547938 0.06622531 0.00948207 0.01363399 149 | 0.00130121 0.49687015 0.08637354 0.04915953 0. ] 150 | *************************************逻辑回归********************************* 151 | LR模型为: 152 | LogisticRegression(C=1.0, class_weight=None, dual=False, fit_intercept=True, 153 | intercept_scaling=1, max_iter=100, multi_class='ovr', n_jobs=1, 154 | penalty='l2', random_state=None, solver='liblinear', tol=0.0001, 155 | verbose=0, warm_start=False) 156 | precision recall f1-score support 157 | 158 | 0.0 0.71 0.83 0.77 610 159 | 1.0 0.82 0.69 0.75 669 160 | 161 | avg / total 0.77 0.76 0.76 1279 162 | 163 | [[508 102] 164 | [210 459]] 165 | -------------------------------------------逻辑回归测试精度为---------------------------------- 166 | {'warm_start': False, 'C': 1.0, 'n_jobs': 1, 'verbose': 0, 'intercept_scaling': 1, 'fit_intercept': True, 'max_iter': 100, 'penalty': 'l2', 'multi_class': 'ovr', 'random_state': None, 'dual': False, 'tol': 0.0001, 'solver': 'liblinear', 'class_weight': None} 167 | [[-0.1853747 6.50587712 0.10549122 1.58730224 1.97712333 2.15383772 168 | -0.34179721 0.07639314 0.37833934 -0.12924008 0.05532551]] 169 | [-0.1109775] -------------------------------------------------------------------------------- /model_test.py: -------------------------------------------------------------------------------- 1 | # !/usr/bin/python 2 | #-*-coding:utf-8-*- 3 | 4 | ''' 5 | __Author__:沂水寒城 6 | 功能:使用url数据建立起恶意网站的检测模型 7 | 输入:第一行为标题,接下来每一行均为一个样本即一个url抽取的得到的向量 8 | 输出:模型的预测结果 9 | ''' 10 | 11 | import numpy as np 12 | import urllib 13 | import pickle 14 | import sklearn 15 | from sklearn import metrics 16 | from sklearn.svm import SVC 17 | from sklearn.ensemble import GradientBoostingClassifier 18 | from sklearn.ensemble import RandomForestClassifier 19 | from sklearn import metrics 20 | from sklearn.naive_bayes import GaussianNB 21 | from sklearn.grid_search import GridSearchCV 22 | from sklearn.svm import SVC 23 | from sklearn.naive_bayes import MultinomialNB 24 | from sklearn.neighbors import KNeighborsClassifier 25 | from sklearn import metrics 26 | from sklearn.tree import DecisionTreeClassifier 27 | from sklearn import metrics 28 | from sklearn.linear_model import LogisticRegression 29 | from sklearn.externals import joblib 30 | 31 | 32 | def read_data2_feature_matrix(train_data='all_train.txt', test_data='all_test.txt'): 33 | ''' 34 | 加载数据的功能 35 | 输入:训练数据和测试数据的路径 36 | 输出:四个矩阵,分别为:训练数据的特征数据矩阵、标签矩阵、测试数据的特征数据矩阵、标签矩阵 37 | ''' 38 | #加载数据得到训练数据的特征矩阵 39 | raw_data = open(train_data) 40 | dataset = np.loadtxt(raw_data, delimiter=',') 41 | X_train = dataset[:,0:11] 42 | y_train = dataset[:,12] 43 | print '训练样本数是------>',len(y_train) 44 | 45 | #加载数据得到测试笔数据的特征矩阵 46 | raw_data = open(test_data) 47 | dataset = np.loadtxt(raw_data, delimiter=',') 48 | X_test = dataset[:,0:11] 49 | y_test = dataset[:,12] 50 | print '测试样本数是------>',len(y_test) 51 | return X_train, y_train, X_test, y_test 52 | 53 | 54 | def SVM_model_test(X_train, y_train, X_test, y_test, model_file='model/svm.pkl'): 55 | ''' 56 | 使用SVM训练模型和测试,并且使用joblib持久化保存了得到的svm_model,读出保存的模型用于检测,其余模型均可以这样做 57 | ''' 58 | print '**************************************************SVM(支持向量机)**********************************' 59 | model = SVC() 60 | model.fit(X_train, y_train) 61 | print 'SVM模型为:' 62 | print(model) 63 | with open(model_file, 'w') as f: 64 | joblib.dump(model, model_file) 65 | svm_model_file=file(model_file) 66 | svm_model=joblib.load(svm_model_file) 67 | expected = y_test 68 | predicted = svm_model.predict(X_test) 69 | predicted = model.predict(X_test) 70 | print(metrics.classification_report(expected, predicted)) 71 | print(metrics.confusion_matrix(expected, predicted)) 72 | print (np.linalg.matrix_rank) 73 | 74 | 75 | 76 | def SVMCV_model_test(X_train, y_train, X_test, y_test): 77 | ''' 78 | 使用SVMCV模型训练和测试模型,这里使用的是径向基核函数 79 | ''' 80 | print '********************************SVMCV**************************************' 81 | model = SVC(kernel='rbf', probability=True) 82 | param_grid = {'C': [1e-3, 1e-2, 1e-1, 1, 10, 100, 1000], 'gamma': [0.001, 0.0001]} 83 | grid_search = GridSearchCV(model, param_grid, n_jobs = 1, verbose=1) 84 | grid_search.fit(X_train, y_train) 85 | print 'SVMCV模型参数信息为:' 86 | best_parameters = grid_search.best_estimator_.get_params() 87 | for para, val in best_parameters.items(): 88 | print para, val 89 | model = SVC(kernel='rbf', C=best_parameters['C'], gamma=best_parameters['gamma'], probability=True) 90 | model.fit(X_train, y_train) 91 | print 'SVMCV模型为:' 92 | print model 93 | print '--------------------------SVMCV 测试准确度为-------------------------------------------' 94 | expected = y_test 95 | predicted = model.predict(X_test) 96 | print(metrics.classification_report(expected, predicted)) 97 | print(metrics.confusion_matrix(expected, predicted)) 98 | 99 | 100 | 101 | def GBDT_model_test(X_train, y_train, X_test, y_test): 102 | ''' 103 | 使用GBDT训练和测试模型 104 | ''' 105 | print '**********************************GBDT**************************************' 106 | model = GradientBoostingClassifier(n_estimators=200) 107 | model.fit(X_train, y_train) 108 | print 'GBDT模型为:' 109 | print(model) 110 | print '--------------------------GBDT 测试准确度为-------------------------------------------' 111 | expected = y_test 112 | predicted = model.predict(X_test) 113 | print(metrics.classification_report(expected, predicted)) 114 | print(metrics.confusion_matrix(expected, predicted)) 115 | 116 | 117 | 118 | def RF_model_test(X_train, y_train, X_test, y_test): 119 | ''' 120 | 使用RF来训练和测试模型 121 | ''' 122 | print '**********************************RF**************************************' 123 | model = RandomForestClassifier(n_estimators=8) 124 | model.fit(X_train, y_train) 125 | print 'RF模型为:' 126 | print(model) 127 | print '--------------------------RF测试准确度为-------------------------------------------' 128 | expected = y_test 129 | predicted = model.predict(X_test) 130 | print(metrics.classification_report(expected, predicted)) 131 | print(metrics.confusion_matrix(expected, predicted)) 132 | 133 | 134 | 135 | def NB_model_test(X_train, y_train, X_test, y_test): 136 | ''' 137 | 使用NB来训练和测试模型 138 | ''' 139 | print '*********************************************朴素贝叶斯***************************************************' 140 | model = GaussianNB() 141 | model.fit(X_train, y_train) 142 | print 'NB模型为:' 143 | print(model) 144 | print '------------------------------------------朴素贝叶斯测试准确度为-------------------------------------------' 145 | expected = y_test 146 | predicted = model.predict(X_test) 147 | print(metrics.classification_report(expected, predicted)) 148 | print(metrics.confusion_matrix(expected, predicted)) 149 | 150 | 151 | def MultinomialNB_model_test(X_train, y_train, X_test, y_test): 152 | ''' 153 | 使用MultinomialNB训练和测试模型 154 | ''' 155 | print '**********************************MultinomialNB**************************************' 156 | model = MultinomialNB(alpha=0.01) 157 | model.fit(X_train, y_train) 158 | print 'MultinomialNB模型为:' 159 | print model 160 | print '--------------------------MultinomialNB 测试准确度为-------------------------------------------' 161 | expected = y_test 162 | predicted = model.predict(X_test) 163 | print(metrics.classification_report(expected, predicted)) 164 | print(metrics.confusion_matrix(expected, predicted)) 165 | 166 | 167 | 168 | def KNN_model_test(X_train, y_train, X_test, y_test): 169 | ''' 170 | 使用KNN训练和测试模型 171 | ''' 172 | print '**********************************KNN**************************************' 173 | model = KNeighborsClassifier() 174 | model.fit(X_train, y_train) 175 | print 'KNN模型为:' 176 | print model 177 | print '--------------------------KNN 测试准确度为-------------------------------------------' 178 | expected = y_test 179 | predicted = model.predict(X_test) 180 | print(metrics.classification_report(expected, predicted)) 181 | print(metrics.confusion_matrix(expected, predicted)) 182 | 183 | 184 | 185 | def CART_model_test(X_train, y_train, X_test, y_test): 186 | ''' 187 | 使用CART训练和测试模型 188 | ''' 189 | print '*****************************************决策树,分类和回归树(CART)******************************' 190 | model = DecisionTreeClassifier() 191 | model.fit(X_train, y_train) 192 | print 'CART模型为:' 193 | print(model) 194 | print '-------------------------------------------决策树,分类和回归树(CART)----------------------------------' 195 | expected = y_test 196 | predicted = model.predict(X_test) 197 | print(metrics.classification_report(expected, predicted)) 198 | print(metrics.confusion_matrix(expected, predicted)) 199 | print '********************************特征重要性为***************************************' 200 | print(model.feature_importances_) 201 | 202 | 203 | 204 | def LR_model_test(X_train, y_train, X_test, y_test): 205 | ''' 206 | 使用LR训练和测试模型 207 | ''' 208 | print '*************************************逻辑回归*********************************' 209 | model = LogisticRegression() 210 | model.fit(X_train, y_train) 211 | print 'LR模型为:' 212 | print(model) 213 | expected = y_test 214 | predicted = model.predict(X_test) 215 | print(metrics.classification_report(expected, predicted)) 216 | print(metrics.confusion_matrix(expected, predicted)) 217 | print '-------------------------------------------逻辑回归测试精度为----------------------------------' 218 | print model.get_params([3]) 219 | print model.coef_ 220 | print model.intercept_ 221 | 222 | 223 | if __name__=='__main__': 224 | X_train, y_train, X_test, y_test=read_data2_feature_matrix(train_data='all_train.txt', test_data='all_test.txt') 225 | SVM_model_test(X_train, y_train, X_test, y_test, model_file='model/svm.pkl') 226 | SVMCV_model_test(X_train, y_train, X_test, y_test) 227 | GBDT_model_test(X_train, y_train, X_test, y_test) 228 | RF_model_test(X_train, y_train, X_test, y_test) 229 | NB_model_test(X_train, y_train, X_test, y_test) 230 | MultinomialNB_model_test(X_train, y_train, X_test, y_test) 231 | KNN_model_test(X_train, y_train, X_test, y_test) 232 | CART_model_test(X_train, y_train, X_test, y_test) 233 | LR_model_test(X_train, y_train, X_test, y_test) 234 | -------------------------------------------------------------------------------- /all_test.txt: -------------------------------------------------------------------------------- 1 | 32,0,25,1,0,0,0,56,4,32,0,1,1 2 | 36,1,29,0,0,0,0,56,4,32,0,1,1 3 | 17,0,10,1,0,0,0,25,4,9,0,0,1 4 | 23,1,16,1,0,0,0,75,5,32,0,1,1 5 | 19,1,12,1,1,1,1,18,3,10,0,0,1 6 | 32,0,25,1,0,0,0,15,3,8,0,1,1 7 | 22,0,15,1,1,0,0,10,2,8,0,0,1 8 | 22,0,15,1,0,0,0,67,5,44,0,0,1 9 | 20,1,13,1,0,0,0,57,6,32,0,1,1 10 | 35,1,28,1,0,0,0,66,5,32,0,1,1 11 | 25,0,18,0,0,0,0,12,3,7,0,0,1 12 | 35,0,28,0,0,0,0,18,3,9,0,0,1 13 | 20,1,13,1,1,1,1,55,8,10,0,1,1 14 | 20,1,13,1,1,1,1,56,5,32,0,1,1 15 | 21,0,14,1,0,0,0,13,3,7,0,0,1 16 | 21,1,14,1,1,1,1,81,4,61,0,1,1 17 | 14,0,7,1,0,0,0,12,3,7,0,0,1 18 | 18,0,11,1,0,0,0,83,10,20,0,0,1 19 | 15,0,8,1,0,0,0,1,0,0,0,0,1 20 | 20,1,13,1,1,1,1,3,2,1,0,1,1 21 | 27,0,20,1,1,0,0,40,6,13,0,0,1 22 | 21,0,14,1,0,0,0,13,2,11,0,0,1 23 | 21,1,14,1,1,1,1,8,2,6,0,0,1 24 | 20,1,13,1,1,1,1,7,2,5,0,1,1 25 | 29,0,22,1,1,0,0,3,2,1,0,0,1 26 | 27,1,20,1,0,0,0,147,8,54,0,1,1 27 | 19,0,12,1,0,0,0,22,2,20,0,0,1 28 | 21,1,14,0,0,0,0,44,3,32,0,1,1 29 | 16,1,9,1,0,0,0,59,5,32,0,1,1 30 | 30,0,23,0,0,0,0,9,2,7,0,0,1 31 | 21,1,14,1,1,1,1,1,0,0,0,0,1 32 | 32,0,25,1,0,0,0,28,5,8,0,0,1 33 | 33,0,26,1,0,0,0,25,5,8,0,0,1 34 | 17,0,10,1,0,0,0,3,2,1,0,0,1 35 | 18,1,11,1,1,1,1,23,2,12,0,0,1 36 | 19,1,12,1,1,1,1,51,6,15,0,0,1 37 | 24,0,17,0,1,0,0,13,3,7,0,0,1 38 | 19,1,12,1,1,1,1,51,6,15,0,0,1 39 | 24,0,17,0,1,0,0,13,3,7,0,0,1 40 | 17,1,10,1,0,0,0,44,3,32,0,1,1 41 | 23,0,16,1,0,0,0,42,6,12,0,0,1 42 | 31,0,24,0,0,0,0,27,5,9,0,0,1 43 | 22,1,15,0,0,0,0,55,4,32,0,1,1 44 | 24,1,17,0,1,0,0,47,4,32,0,1,1 45 | 19,0,12,1,0,0,0,20,3,11,0,0,1 46 | 25,0,18,0,0,0,0,28,4,10,0,1,1 47 | 19,0,12,1,0,0,0,29,3,19,0,1,1 48 | 33,0,26,1,0,0,0,17,3,9,0,0,1 49 | 25,0,18,1,0,0,0,6,2,4,0,0,1 50 | 26,0,19,1,0,0,0,15,2,13,0,1,1 51 | 35,0,28,1,0,0,0,14,3,7,0,0,1 52 | 26,0,19,1,0,0,0,1,0,0,0,0,1 53 | 20,1,13,1,1,1,1,27,6,9,0,0,1 54 | 25,0,18,1,0,0,0,21,3,14,0,0,1 55 | 31,1,24,0,0,0,0,51,6,32,0,1,1 56 | 21,1,14,1,1,1,1,26,4,8,0,0,1 57 | 32,0,25,0,0,0,0,7,2,5,0,0,1 58 | 31,0,24,1,0,0,0,9,2,7,0,0,1 59 | 19,0,12,0,0,0,0,1,0,0,0,0,1 60 | 22,0,15,0,0,0,0,1,0,0,0,0,1 61 | 20,0,13,0,0,0,0,1,0,0,0,0,1 62 | 23,0,16,0,0,0,0,1,0,0,0,0,1 63 | 23,0,16,0,0,0,0,1,0,0,0,0,1 64 | 21,0,14,0,0,0,0,1,0,0,0,0,1 65 | 21,0,14,0,0,0,0,1,0,0,0,0,1 66 | 22,0,15,0,0,0,0,1,0,0,0,0,1 67 | 20,0,13,0,0,1,0,1,0,0,0,0,1 68 | 20,0,13,0,0,0,0,1,0,0,0,0,1 69 | 21,0,14,0,0,0,0,1,0,0,0,0,1 70 | 21,0,14,1,0,0,0,1,0,0,0,0,1 71 | 25,0,18,1,0,0,0,1,0,0,0,0,1 72 | 22,0,15,0,0,0,0,23,4,10,0,0,1 73 | 21,0,14,0,0,0,0,17,3,9,0,1,1 74 | 24,0,17,0,1,0,0,21,3,12,0,0,1 75 | 21,0,14,0,0,1,0,12,1,11,0,0,1 76 | 19,0,12,1,0,1,0,1,0,0,0,0,1 77 | 20,0,13,0,0,0,0,1,0,0,0,0,1 78 | 23,0,16,0,0,0,0,1,0,0,0,0,1 79 | 21,0,14,0,0,0,0,1,0,0,0,0,1 80 | 16,0,9,1,0,0,0,1,0,0,0,0,1 81 | 20,0,13,0,0,0,0,1,0,0,0,0,1 82 | 22,0,15,1,0,0,0,15,3,8,0,1,1 83 | 26,1,19,1,0,0,0,45,5,13,0,0,1 84 | 22,0,15,0,1,0,0,1,0,0,0,0,1 85 | 25,0,18,1,0,0,0,1,0,0,0,0,1 86 | 24,0,17,1,0,0,0,1,0,0,0,0,1 87 | 20,1,13,1,1,1,1,16,2,11,0,0,1 88 | 16,0,9,1,0,0,0,1,0,0,0,0,1 89 | 21,0,14,0,0,0,0,1,0,0,0,0,1 90 | 19,0,12,0,0,0,0,1,0,0,0,0,1 91 | 22,0,15,1,0,1,0,1,0,0,0,0,1 92 | 19,0,12,0,0,0,0,1,0,0,0,0,1 93 | 22,0,15,0,0,0,0,1,0,0,0,0,1 94 | 18,0,11,1,0,0,0,1,0,0,0,0,1 95 | 17,0,10,1,0,0,0,1,0,0,0,0,1 96 | 15,0,8,1,0,0,0,1,0,0,0,0,1 97 | 26,0,19,0,0,0,0,1,0,0,0,0,1 98 | 29,0,22,1,0,0,0,1,0,0,0,0,1 99 | 22,0,15,0,0,0,0,22,3,15,0,1,1 100 | 37,0,30,1,0,0,0,1,0,0,0,0,1 101 | 23,0,16,1,0,0,0,13,3,7,0,0,1 102 | 21,1,14,1,1,1,1,1,0,0,0,0,1 103 | 22,1,15,1,1,1,1,19,3,13,0,0,1 104 | 15,0,8,1,0,0,0,6,2,4,0,0,1 105 | 20,0,13,0,0,0,0,8,2,6,0,0,1 106 | 16,0,9,0,0,0,0,18,3,12,0,0,1 107 | 20,0,13,0,0,0,0,10,3,5,0,0,1 108 | 15,0,8,1,0,0,0,1,0,0,0,0,1 109 | 21,0,14,0,0,1,0,18,3,10,0,1,1 110 | 26,0,19,1,0,0,0,13,3,7,0,0,1 111 | 25,0,18,1,1,0,1,1,0,0,0,0,1 112 | 20,0,13,1,0,1,0,1,0,0,0,0,1 113 | 19,0,12,1,0,1,0,1,0,0,0,0,1 114 | 17,0,10,1,0,0,0,1,0,0,0,0,1 115 | 18,0,11,0,0,0,0,1,0,0,0,0,1 116 | 22,0,15,0,0,0,0,1,0,0,0,0,1 117 | 16,0,9,1,0,1,0,1,0,0,0,0,1 118 | 15,0,8,1,0,0,0,1,0,0,0,0,1 119 | 22,0,15,0,0,0,0,1,0,0,0,0,1 120 | 34,0,27,0,0,1,0,11,2,9,0,1,1 121 | 20,0,13,0,0,0,0,1,0,0,0,0,1 122 | 16,0,9,1,0,1,0,1,0,0,0,0,1 123 | 18,0,11,1,0,0,0,12,2,10,0,1,1 124 | 15,0,8,1,0,0,0,1,0,0,0,0,1 125 | 23,0,16,0,0,0,0,1,0,0,0,0,1 126 | 16,0,9,1,0,0,0,1,0,0,0,0,1 127 | 16,0,9,1,0,0,0,1,0,0,0,0,1 128 | 21,0,14,0,0,0,0,1,0,0,0,0,1 129 | 15,0,8,1,0,0,0,1,0,0,0,0,1 130 | 18,0,11,1,0,0,0,1,0,0,0,0,1 131 | 19,0,12,0,0,0,0,1,0,0,0,0,1 132 | 15,0,8,1,0,0,0,1,0,0,0,0,1 133 | 18,0,11,1,0,0,0,1,0,0,0,0,1 134 | 22,0,15,0,0,1,0,1,0,0,0,0,1 135 | 16,0,9,1,0,0,0,1,0,0,0,0,1 136 | 19,0,12,1,0,0,0,1,0,0,0,0,1 137 | 22,0,15,0,0,1,0,1,0,0,0,0,1 138 | 15,0,8,1,0,0,0,1,0,0,0,0,1 139 | 16,0,9,1,0,0,0,1,0,0,0,0,1 140 | 26,0,19,0,0,0,0,1,0,0,0,0,1 141 | 16,0,9,1,0,0,0,1,0,0,0,0,1 142 | 20,0,13,0,0,0,0,1,0,0,0,0,1 143 | 20,0,13,0,0,0,0,1,0,0,0,0,1 144 | 17,0,10,1,0,0,0,1,0,0,0,0,1 145 | 14,0,7,1,0,0,0,1,0,0,0,0,1 146 | 17,0,10,1,0,1,0,1,0,0,0,0,1 147 | 21,0,14,0,0,0,0,1,0,0,0,0,1 148 | 20,0,13,0,0,1,0,1,0,0,0,0,1 149 | 21,0,14,0,0,0,0,1,0,0,0,0,1 150 | 19,0,12,0,0,0,0,1,0,0,0,0,1 151 | 21,0,14,0,0,0,0,1,0,0,0,0,1 152 | 19,0,12,0,0,0,0,1,0,0,0,0,1 153 | 17,0,10,1,0,0,0,1,0,0,0,0,1 154 | 15,0,8,1,0,0,0,1,0,0,0,0,1 155 | 20,0,13,0,0,0,0,1,0,0,0,0,1 156 | 18,0,11,1,0,1,0,1,0,0,0,0,1 157 | 22,0,15,0,0,1,0,1,0,0,0,0,1 158 | 29,0,22,1,0,1,0,1,0,0,0,0,1 159 | 20,0,13,0,0,0,0,1,0,0,0,0,1 160 | 19,0,12,0,0,0,0,1,0,0,0,0,1 161 | 15,0,8,1,0,0,0,1,0,0,0,0,1 162 | 21,0,14,0,0,0,0,1,0,0,0,0,1 163 | 21,0,14,0,0,0,0,1,0,0,0,0,1 164 | 15,0,8,1,0,0,0,1,0,0,0,0,1 165 | 21,0,14,0,0,0,0,1,0,0,0,0,1 166 | 19,0,12,0,0,0,0,1,0,0,0,0,1 167 | 20,0,13,0,0,0,0,16,3,8,0,1,1 168 | 21,0,14,0,0,0,0,1,0,0,0,0,1 169 | 15,0,8,1,0,0,0,1,0,0,0,0,1 170 | 20,0,13,0,0,0,0,1,0,0,0,0,1 171 | 20,0,13,0,0,0,0,1,0,0,0,0,1 172 | 20,0,13,0,0,0,0,1,0,0,0,0,1 173 | 20,0,13,0,0,0,0,1,0,0,0,0,1 174 | 17,0,10,1,0,0,0,1,0,0,0,0,1 175 | 21,0,14,1,0,1,0,1,0,0,0,0,1 176 | 18,0,11,1,0,0,0,1,0,0,0,0,1 177 | 15,0,8,1,0,0,0,1,0,0,0,0,1 178 | 15,0,8,1,0,0,0,1,0,0,0,0,1 179 | 21,0,14,0,0,0,0,1,0,0,0,0,1 180 | 19,0,12,0,0,1,0,1,0,0,0,0,1 181 | 20,0,13,0,0,0,0,1,0,0,0,0,1 182 | 18,0,11,0,0,0,0,1,0,0,0,0,1 183 | 18,0,11,0,0,0,0,1,0,0,0,0,1 184 | 21,0,14,1,0,0,0,1,0,0,0,0,1 185 | 21,0,14,0,0,0,0,1,0,0,0,0,1 186 | 18,0,11,0,0,0,0,1,0,0,0,0,1 187 | 18,0,11,0,0,0,0,1,0,0,0,0,1 188 | 14,0,7,1,0,0,0,1,0,0,0,0,1 189 | 21,0,14,0,0,0,0,1,0,0,0,0,1 190 | 17,0,10,1,0,0,0,1,0,0,0,0,1 191 | 17,0,10,1,0,0,0,1,0,0,0,0,1 192 | 16,0,9,1,0,1,0,1,0,0,0,0,1 193 | 32,0,25,0,0,1,0,19,3,13,0,0,1 194 | 20,1,13,1,1,1,1,6,2,4,0,0,1 195 | 21,1,14,1,1,1,1,46,4,32,0,1,1 196 | 21,1,14,1,1,1,1,47,4,32,0,0,1 197 | 19,1,12,1,1,1,1,68,6,32,0,1,1 198 | 21,1,14,1,1,1,1,46,4,32,0,1,1 199 | 21,1,14,1,1,1,1,46,4,32,0,1,1 200 | 16,0,9,1,0,0,0,50,4,21,0,0,1 201 | 26,0,19,1,0,0,0,41,4,22,0,0,1 202 | 21,1,14,1,1,1,1,27,6,9,0,0,1 203 | 21,1,14,1,1,1,1,43,5,17,0,1,1 204 | 22,1,15,1,1,1,1,23,4,9,0,0,1 205 | 20,1,13,1,1,1,1,38,4,17,0,1,1 206 | 20,1,13,1,1,1,1,7,2,5,0,1,1 207 | 21,1,14,1,1,1,1,40,6,9,0,1,1 208 | 12,0,5,1,0,0,0,23,3,17,0,1,1 209 | 21,1,14,1,1,1,1,53,7,16,0,1,1 210 | 36,1,29,0,0,0,0,44,6,10,0,0,1 211 | 32,1,25,1,0,0,0,46,4,20,0,0,1 212 | 23,0,16,0,0,0,0,45,7,8,0,1,1 213 | 21,0,14,1,0,0,0,33,4,16,0,0,1 214 | 26,1,19,0,0,0,0,53,4,32,0,1,1 215 | 30,0,23,1,0,0,0,23,4,11,0,0,1 216 | 27,0,20,1,0,0,0,17,3,9,0,0,1 217 | 20,1,13,1,1,1,1,41,6,9,0,0,1 218 | 39,1,32,1,0,0,0,50,3,32,0,1,1 219 | 21,1,14,1,1,1,1,44,4,32,0,0,1 220 | 21,1,14,1,1,1,1,47,4,32,0,1,1 221 | 21,1,14,1,1,1,1,46,4,32,0,1,1 222 | 30,1,23,1,0,0,0,49,4,32,0,1,1 223 | 21,1,14,1,1,1,1,46,4,32,0,1,1 224 | 19,1,12,1,1,1,1,48,4,32,0,1,1 225 | 21,1,14,1,1,1,1,46,4,32,0,0,1 226 | 21,1,14,1,1,1,1,46,4,32,0,1,1 227 | 21,1,14,1,1,1,1,47,4,32,0,1,1 228 | 21,1,14,1,1,1,1,45,4,32,0,1,1 229 | 21,1,14,1,1,1,1,46,4,32,0,1,1 230 | 22,0,15,0,0,0,0,12,2,10,0,0,1 231 | 25,0,18,1,0,0,0,1,0,0,0,0,1 232 | 28,0,21,1,0,0,0,8,2,6,0,0,1 233 | 24,0,17,1,0,0,0,7,2,5,0,0,1 234 | 15,0,8,1,0,0,0,11,3,6,0,0,1 235 | 25,0,18,1,0,0,0,50,5,18,0,0,1 236 | 25,0,18,1,0,0,0,121,7,34,0,1,1 237 | 22,1,15,0,1,1,1,38,6,12,0,0,1 238 | 22,1,15,1,1,1,1,24,3,12,0,1,1 239 | 30,0,23,1,0,0,0,1,0,0,0,0,1 240 | 28,0,21,0,1,0,0,36,6,10,0,1,1 241 | 21,1,14,0,1,1,1,61,7,18,0,0,1 242 | 30,1,23,0,0,0,0,39,2,37,1,0,1 243 | 59,1,52,1,0,0,0,34,4,12,0,0,1 244 | 28,0,21,1,0,0,0,36,4,14,0,0,1 245 | 30,1,23,1,0,0,0,53,5,32,0,1,1 246 | 19,1,12,1,1,1,1,129,3,112,0,1,1 247 | 24,1,17,0,0,1,0,78,4,32,0,1,1 248 | 21,1,14,1,1,1,1,26,4,11,0,0,1 249 | 20,1,13,1,1,1,1,25,3,13,0,0,1 250 | 17,1,10,1,0,0,0,43,3,32,0,0,1 251 | 32,1,25,1,1,0,0,57,5,32,0,1,1 252 | 23,1,16,1,0,0,0,105,9,32,0,1,1 253 | 20,1,13,1,1,1,1,108,7,37,1,1,1 254 | 20,1,13,1,1,1,1,135,6,64,0,1,1 255 | 34,1,27,1,0,1,0,38,3,32,0,0,1 256 | 20,1,13,1,1,1,1,129,3,112,0,1,1 257 | 48,1,41,1,0,0,0,28,4,11,0,0,1 258 | 21,1,14,1,1,1,1,17,2,9,0,1,1 259 | 23,1,16,1,0,0,0,105,9,32,0,1,1 260 | 21,1,14,1,1,1,1,55,5,32,0,1,1 261 | 31,0,24,1,0,0,0,22,5,6,0,0,1 262 | 25,0,18,0,0,0,0,38,6,9,0,0,1 263 | 21,1,14,0,1,1,1,52,6,10,0,0,1 264 | 39,1,32,0,0,0,0,43,3,32,0,1,1 265 | 21,1,14,1,1,1,1,51,4,32,0,1,1 266 | 29,1,22,1,1,0,0,79,4,37,0,1,1 267 | 21,1,14,1,1,1,1,56,8,13,0,1,1 268 | 24,0,17,1,1,0,0,24,5,6,0,0,1 269 | 28,1,21,1,0,0,0,65,5,32,0,1,1 270 | 19,1,12,1,1,1,1,50,4,32,0,1,1 271 | 24,1,17,1,0,0,0,51,5,32,0,1,1 272 | 33,1,26,0,0,0,0,158,8,37,0,1,1 273 | 26,0,19,1,0,0,0,47,9,8,0,1,1 274 | 25,0,18,1,0,0,0,46,7,10,0,0,1 275 | 59,0,52,1,0,0,0,1,0,0,0,0,1 276 | 29,1,22,0,0,0,0,75,7,32,0,1,1 277 | 53,0,46,1,0,0,0,9,2,7,0,0,1 278 | 28,1,21,1,1,0,0,96,8,32,0,1,1 279 | 29,0,22,1,0,0,0,8,2,6,0,0,1 280 | 26,1,18,1,0,0,0,107,5,53,0,1,1 281 | 21,1,14,1,1,1,1,112,3,101,0,1,1 282 | 21,1,14,1,1,1,1,46,7,10,0,1,1 283 | 21,1,14,1,1,1,1,15,1,14,0,1,1 284 | 22,1,15,1,1,1,1,53,5,32,0,1,1 285 | 21,1,14,1,1,1,1,26,5,8,0,1,1 286 | 19,1,12,1,1,1,1,25,5,7,0,0,1 287 | 21,1,14,1,1,1,1,55,8,10,0,1,1 288 | 30,0,23,0,0,1,0,49,7,12,0,0,1 289 | 20,1,13,1,1,1,1,13,2,11,0,0,1 290 | 32,0,25,0,0,0,0,89,10,14,0,0,1 291 | 22,0,15,0,0,0,0,29,5,14,0,1,1 292 | 27,1,20,1,0,0,0,103,4,62,0,1,1 293 | 20,1,13,1,1,1,1,67,7,32,0,0,1 294 | 28,0,21,1,0,0,0,36,4,14,0,0,1 295 | 21,1,14,1,1,1,1,44,5,19,0,0,1 296 | 43,1,36,1,0,0,0,45,4,32,0,1,1 297 | 22,1,15,1,1,1,1,11,1,10,0,0,1 298 | 26,0,19,1,1,0,0,17,3,8,0,0,1 299 | 20,0,13,1,0,0,0,34,7,8,0,1,1 300 | 35,0,28,0,0,0,0,54,7,12,0,1,1 301 | 30,1,23,1,0,0,0,54,5,32,0,1,1 302 | 22,1,15,1,1,1,1,55,5,32,0,1,1 303 | 21,1,14,1,0,0,0,67,8,32,0,1,1 304 | 22,0,15,1,1,0,1,47,2,45,0,1,1 305 | 21,1,14,1,1,1,1,15,1,14,0,0,1 306 | 24,1,17,1,0,1,0,89,7,32,0,1,1 307 | 25,1,18,1,0,0,0,107,5,53,0,1,1 308 | 19,1,12,1,1,1,1,27,3,9,0,1,1 309 | 22,1,15,1,1,1,1,21,4,7,0,0,1 310 | 19,1,12,1,1,1,1,41,5,10,0,0,1 311 | 29,1,22,1,0,0,0,40,3,32,0,1,1 312 | 21,1,14,1,1,1,1,69,5,32,0,1,1 313 | 34,1,27,1,0,1,0,38,3,32,0,1,1 314 | 22,1,15,1,1,1,1,55,5,32,0,1,1 315 | 18,1,11,1,0,0,0,68,4,51,0,1,1 316 | 18,1,11,1,0,1,0,64,3,45,0,1,1 317 | 30,1,23,1,0,0,0,53,5,32,0,1,1 318 | 19,1,12,0,1,1,1,52,6,10,0,0,1 319 | 34,1,27,1,0,1,0,38,3,32,0,1,1 320 | 22,0,15,0,0,0,0,31,4,14,0,0,1 321 | 28,0,21,1,0,0,0,42,3,32,0,0,1 322 | 55,0,48,1,0,0,0,1,0,0,0,0,1 323 | 20,0,13,1,0,0,0,43,5,32,0,1,1 324 | 22,1,15,0,0,0,0,35,5,14,0,1,1 325 | 28,0,21,1,0,0,0,8,2,6,0,0,1 326 | 59,0,52,1,1,0,0,1,0,0,0,0,1 327 | 25,0,18,1,0,0,0,82,7,32,0,1,1 328 | 22,1,15,1,0,0,0,67,5,32,0,0,1 329 | 21,1,14,1,1,1,1,47,4,32,0,1,1 330 | 21,1,14,1,1,1,1,124,14,13,0,0,1 331 | 27,1,20,1,0,0,0,34,6,10,0,1,1 332 | 20,1,13,1,1,1,1,108,8,32,0,1,1 333 | 21,1,14,1,1,1,1,31,4,11,0,0,1 334 | 30,0,23,1,1,0,0,50,6,18,0,0,1 335 | 22,1,15,1,1,1,1,53,3,24,0,1,1 336 | 22,1,15,1,1,1,1,54,4,24,0,1,1 337 | 22,1,15,1,1,1,1,62,4,28,0,1,1 338 | 18,1,11,1,1,1,1,63,5,23,0,1,1 339 | 19,1,12,1,1,1,1,59,5,27,0,0,1 340 | 20,1,13,1,1,1,1,26,4,11,0,0,1 341 | 18,1,11,1,0,0,0,81,7,32,0,1,1 342 | 20,1,13,1,1,1,1,26,3,12,0,0,1 343 | 17,0,10,1,0,0,0,15,3,10,0,0,1 344 | 44,1,37,1,0,0,0,1,0,0,0,0,1 345 | 19,1,12,0,1,1,1,41,4,19,0,0,1 346 | 20,1,13,1,1,1,1,9,2,7,0,0,1 347 | 21,1,14,1,1,1,1,33,5,9,0,0,1 348 | 20,1,13,1,1,1,1,26,3,12,0,0,1 349 | 21,1,14,1,1,1,1,76,5,32,0,1,1 350 | 19,1,12,1,1,1,1,38,3,32,0,1,1 351 | 21,1,14,1,1,1,1,132,7,95,0,1,1 352 | 24,0,17,1,1,0,0,41,7,11,0,0,1 353 | 20,1,13,1,1,1,1,41,6,11,0,1,1 354 | 26,1,19,1,0,0,0,34,2,32,0,1,1 355 | 19,1,12,1,1,1,1,16,3,9,0,1,1 356 | 21,1,14,1,1,1,1,37,6,9,0,1,1 357 | 21,1,14,1,1,1,1,76,5,32,0,1,1 358 | 21,1,14,1,1,1,1,38,5,9,0,1,1 359 | 75,1,68,1,0,0,0,127,4,52,0,1,1 360 | 21,1,14,1,1,1,1,76,5,32,0,1,1 361 | 16,1,9,1,0,0,0,109,9,32,0,1,1 362 | 118,1,111,1,0,0,0,41,3,32,0,1,1 363 | 103,1,96,1,0,0,0,128,6,50,0,1,1 364 | 21,1,14,1,1,1,1,18,2,10,0,0,1 365 | 26,0,19,0,1,0,0,33,5,8,0,0,1 366 | 21,1,14,1,0,0,0,46,4,32,0,1,1 367 | 27,0,20,1,0,0,0,47,7,9,0,0,1 368 | 21,1,14,1,1,1,1,18,2,10,0,0,1 369 | 21,1,14,1,1,1,1,18,2,10,0,0,1 370 | 21,1,14,1,1,1,1,18,2,10,0,0,1 371 | 18,1,11,1,0,0,0,51,4,32,0,1,1 372 | 22,1,15,1,1,1,1,12,3,5,0,0,1 373 | 30,1,23,1,0,0,0,109,7,32,0,1,1 374 | 21,0,14,0,0,0,0,35,6,8,0,1,1 375 | 17,1,10,1,1,1,1,10,3,5,0,0,1 376 | 21,1,14,1,1,1,1,18,2,10,0,0,1 377 | 26,0,19,1,1,0,1,14,3,9,0,1,1 378 | 21,1,14,1,1,1,1,18,2,10,0,0,1 379 | 20,1,13,1,1,1,1,54,4,32,0,1,1 380 | 20,1,13,1,1,1,1,13,3,6,0,0,1 381 | 21,1,14,1,1,1,1,18,2,10,0,0,1 382 | 21,1,14,1,1,1,1,18,2,10,0,0,1 383 | 34,1,27,1,0,0,0,36,4,11,0,0,1 384 | 29,1,22,1,1,0,0,54,4,32,0,1,1 385 | 22,1,15,1,0,0,0,67,4,32,0,1,1 386 | 19,1,12,1,0,0,0,44,4,31,0,1,1 387 | 21,1,14,1,1,1,1,31,5,8,0,0,1 388 | 20,1,13,0,0,0,0,90,10,32,0,1,1 389 | 28,1,21,0,1,0,0,54,4,32,0,1,1 390 | 22,1,15,1,0,0,0,87,6,32,0,1,1 391 | 19,1,12,1,0,0,0,230,7,111,0,1,1 392 | 21,1,14,1,0,0,0,61,4,32,0,1,1 393 | 20,1,13,1,1,1,1,41,6,9,0,0,1 394 | 37,0,30,1,1,0,0,14,3,6,0,0,1 395 | 30,1,23,1,0,0,0,116,6,32,0,1,1 396 | 18,1,11,1,1,1,1,31,3,15,0,0,1 397 | 44,1,37,1,0,0,0,83,5,32,0,1,1 398 | 18,1,11,1,1,1,1,9,3,4,0,0,1 399 | 44,1,37,1,0,1,0,72,8,16,0,0,1 400 | 19,1,12,1,1,1,1,22,3,10,0,0,1 401 | 26,1,19,1,0,0,0,67,8,17,0,1,1 402 | 18,1,11,1,1,1,1,58,4,32,0,1,1 403 | 31,1,24,1,0,0,0,78,4,32,0,1,1 404 | 26,1,19,0,0,0,0,57,4,32,0,1,1 405 | 21,1,14,1,1,1,1,47,4,25,0,1,1 406 | 42,1,35,1,0,0,0,54,4,32,0,1,1 407 | 21,1,14,1,0,0,0,61,4,32,0,0,1 408 | 17,1,10,1,1,1,1,45,5,24,0,0,1 409 | 31,0,24,1,0,0,0,51,8,10,0,1,1 410 | 23,0,16,1,1,0,0,33,3,15,0,0,1 411 | 20,1,13,1,0,1,0,39,3,31,0,1,1 412 | 25,1,18,0,0,0,0,79,6,32,0,1,1 413 | 19,1,12,1,0,0,0,230,7,111,0,1,1 414 | 55,1,48,1,0,0,0,65,6,32,0,1,1 415 | 46,1,39,1,0,1,0,70,7,13,0,1,1 416 | 22,1,15,1,1,1,1,15,2,9,0,0,1 417 | 22,1,15,1,0,0,0,51,4,32,0,1,1 418 | 22,1,15,1,1,1,1,75,8,31,0,1,1 419 | 27,1,20,0,0,0,0,94,5,34,0,1,1 420 | 30,1,23,1,0,0,0,44,3,32,0,1,1 421 | 22,1,15,1,1,0,0,56,5,32,0,1,1 422 | 21,1,14,1,1,1,1,43,3,31,0,1,1 423 | 21,1,14,1,1,1,1,80,4,40,0,1,1 424 | 20,1,13,1,1,1,1,67,10,11,0,1,1 425 | 21,1,14,1,0,0,0,94,5,34,0,1,1 426 | 19,1,12,1,1,1,1,133,6,64,0,1,1 427 | 24,1,17,0,0,0,0,94,5,34,0,1,1 428 | 42,1,35,1,0,0,0,53,6,32,0,1,1 429 | 21,1,14,1,0,0,0,42,4,32,0,1,1 430 | 21,1,14,1,1,1,1,61,4,34,0,0,1 431 | 29,1,22,1,0,0,0,94,5,34,0,1,1 432 | 21,0,14,1,0,0,0,25,4,10,0,0,1 433 | 18,1,11,1,0,0,0,72,7,32,0,1,1 434 | 35,1,28,1,0,0,0,58,6,32,0,1,1 435 | 23,1,16,1,1,0,0,24,3,10,0,1,1 436 | 20,1,13,1,0,0,0,57,6,32,0,1,1 437 | 28,0,21,1,0,0,0,72,7,32,0,1,1 438 | 20,1,13,1,1,1,1,44,4,32,0,1,1 439 | 21,1,14,1,1,1,1,229,4,108,0,1,1 440 | 19,1,12,1,1,1,1,46,6,11,0,0,1 441 | 22,1,15,1,1,1,1,46,6,11,0,0,1 442 | 21,1,14,1,1,1,1,57,8,11,0,1,1 443 | 30,0,23,0,0,0,0,31,3,22,0,0,1 444 | 38,0,31,1,0,0,0,54,5,17,0,0,1 445 | 32,1,25,1,0,0,0,124,8,68,0,1,1 446 | 21,1,14,1,1,1,1,59,5,32,0,1,1 447 | 21,1,14,1,1,1,1,59,5,32,0,1,1 448 | 21,1,14,1,1,1,1,59,5,32,0,1,1 449 | 19,1,12,1,1,1,1,17,3,10,0,0,1 450 | 25,1,18,1,1,1,1,52,3,32,0,1,1 451 | 37,1,30,1,0,0,0,49,3,32,0,1,1 452 | 28,1,21,1,1,0,0,49,3,32,0,1,1 453 | 35,1,28,1,1,0,0,56,4,32,0,1,1 454 | 23,0,16,1,0,0,0,11,3,6,0,0,1 455 | 20,1,13,1,1,1,1,41,6,11,0,0,1 456 | 22,0,15,1,0,0,0,13,3,7,0,0,1 457 | 26,1,19,0,1,0,0,52,3,32,0,1,1 458 | 21,0,14,0,0,0,0,21,3,9,0,1,1 459 | 18,0,11,1,0,0,0,13,3,7,0,1,1 460 | 19,0,12,1,0,0,0,36,6,11,0,1,1 461 | 22,0,15,1,0,0,0,14,3,7,0,1,1 462 | 21,0,14,0,0,0,0,24,6,7,0,1,1 463 | 32,0,25,0,0,0,0,24,6,7,0,1,1 464 | 33,0,26,0,1,0,0,22,4,8,0,0,1 465 | 29,0,22,0,1,0,0,27,6,8,0,0,1 466 | 28,0,21,0,0,0,0,16,4,4,0,1,1 467 | 19,0,12,1,0,0,0,58,7,12,0,1,1 468 | 28,0,21,0,0,0,0,8,2,6,0,1,1 469 | 21,0,14,1,0,0,0,32,6,8,0,1,1 470 | 24,0,17,0,0,0,0,15,4,7,0,1,1 471 | 17,0,10,1,0,0,0,7,2,5,0,0,1 472 | 21,1,14,1,1,0,0,58,6,32,0,0,1 473 | 25,0,18,1,1,0,0,27,6,8,0,0,1 474 | 20,0,13,1,0,0,0,42,5,11,0,1,1 475 | 36,0,29,1,0,0,0,19,3,8,0,1,1 476 | 24,0,17,1,0,1,0,9,3,3,0,1,1 477 | 25,0,18,1,1,0,0,17,3,8,0,0,1 478 | 20,0,13,1,1,0,0,41,7,11,0,1,1 479 | 25,0,18,0,0,0,0,8,2,6,0,1,1 480 | 29,0,22,0,1,0,0,32,6,8,0,1,1 481 | 27,0,20,1,0,0,0,22,4,7,0,1,1 482 | 26,0,19,1,0,0,0,85,9,20,0,1,1 483 | 24,0,17,0,0,0,0,15,3,8,0,1,1 484 | 20,1,13,1,1,1,1,40,6,9,0,1,1 485 | 18,1,11,1,1,1,1,33,7,9,0,1,1 486 | 20,1,13,1,1,1,1,46,7,9,0,1,1 487 | 28,0,21,1,0,0,0,38,5,11,0,1,1 488 | 26,0,19,0,0,0,0,33,5,11,0,1,1 489 | 20,0,13,1,1,0,0,18,3,11,0,1,1 490 | 25,0,18,1,0,0,0,16,3,9,0,1,1 491 | 29,0,22,0,0,0,0,18,3,11,0,1,1 492 | 24,0,17,1,0,1,0,16,3,9,0,1,1 493 | 30,0,23,1,0,0,0,24,6,7,0,1,1 494 | 24,0,17,1,0,0,0,16,3,10,0,0,1 495 | 21,1,14,1,1,1,1,72,4,32,0,1,1 496 | 19,1,12,1,1,1,1,21,3,9,0,1,1 497 | 56,0,49,1,1,0,0,64,7,28,0,0,1 498 | 27,1,20,1,0,0,0,34,2,32,0,1,1 499 | 44,1,37,1,0,0,0,34,2,32,0,1,1 500 | 42,0,35,0,0,0,0,21,2,19,0,0,1 501 | 121,1,114,1,0,0,0,56,3,32,0,1,1 502 | 19,1,12,1,1,1,1,56,6,20,0,1,1 503 | 19,1,12,1,0,0,0,194,5,135,0,1,1 504 | 29,1,22,1,0,0,0,42,4,31,0,0,1 505 | 20,1,13,1,1,1,1,58,5,32,0,1,1 506 | 21,1,14,1,1,1,1,28,6,9,0,0,1 507 | 24,1,17,1,0,0,0,59,6,32,0,1,1 508 | 20,0,13,1,0,0,0,1,0,0,0,0,1 509 | 26,1,19,1,0,0,0,55,5,32,0,1,1 510 | 24,0,17,1,0,0,0,1,0,0,0,0,1 511 | 34,1,27,0,0,0,0,52,6,10,0,1,1 512 | 26,0,19,1,0,1,0,51,6,12,0,1,1 513 | 22,1,15,1,1,1,1,25,3,17,0,0,1 514 | 20,1,13,1,1,1,1,25,3,17,0,0,1 515 | 21,1,14,1,1,1,1,35,5,9,0,1,1 516 | 21,1,14,1,1,1,1,27,3,10,0,1,1 517 | 20,1,13,1,1,1,1,104,9,32,0,1,1 518 | 24,0,17,0,0,0,0,144,5,128,0,1,1 519 | 18,1,11,1,0,0,0,76,7,32,0,1,1 520 | 28,0,21,1,0,0,0,19,4,7,0,0,1 521 | 18,1,11,1,0,0,0,46,6,10,0,0,1 522 | 31,1,24,0,0,0,0,43,5,11,0,1,1 523 | 29,1,22,1,0,0,0,33,6,6,0,1,1 524 | 20,1,13,0,0,0,0,34,6,10,0,0,1 525 | 16,1,9,1,0,0,0,49,9,8,0,0,1 526 | 30,1,23,0,1,0,0,35,6,8,0,1,1 527 | 20,1,13,0,0,0,0,34,6,10,0,0,1 528 | 27,1,20,1,1,0,0,51,7,10,0,0,1 529 | 23,0,16,0,0,0,0,22,4,5,0,1,1 530 | 21,0,14,1,0,0,0,15,3,7,0,0,1 531 | 19,0,12,0,0,0,0,34,5,10,0,1,1 532 | 22,1,15,1,1,1,1,30,4,10,0,0,1 533 | 27,0,20,0,0,0,0,16,3,9,0,0,1 534 | 24,0,17,0,1,0,0,17,3,8,0,0,1 535 | 22,0,15,1,0,0,0,56,7,11,0,0,1 536 | 17,0,10,1,0,0,0,25,4,9,0,0,1 537 | 25,0,18,1,0,0,0,39,7,8,0,0,1 538 | 27,0,20,0,0,0,0,21,3,12,0,0,1 539 | 25,0,18,1,0,0,0,5,2,3,0,0,1 540 | 23,0,16,1,0,0,0,20,3,12,0,0,1 541 | 29,0,22,0,0,0,0,27,4,10,0,1,1 542 | 18,0,11,1,0,0,0,7,2,5,0,0,1 543 | 23,0,16,1,0,0,0,19,4,6,0,0,1 544 | 25,0,18,1,1,0,0,17,3,12,0,0,1 545 | 21,0,14,0,0,0,0,21,3,9,0,1,1 546 | 29,0,22,1,1,0,0,25,4,9,0,1,1 547 | 21,1,14,1,1,1,1,30,4,12,0,0,1 548 | 26,0,19,1,0,0,0,39,6,9,0,0,1 549 | 19,0,12,1,0,0,0,13,2,11,0,0,1 550 | 20,0,13,1,1,0,0,11,2,9,0,1,1 551 | 22,0,15,1,0,0,0,18,3,9,0,1,1 552 | 22,0,15,1,0,0,0,15,3,9,0,0,1 553 | 27,0,19,0,0,0,0,6,2,4,0,0,1 554 | 18,1,11,1,1,1,1,27,4,9,0,1,1 555 | 24,0,17,1,0,0,0,27,4,10,0,0,1 556 | 31,0,24,1,0,0,0,18,3,8,0,0,1 557 | 22,0,15,0,0,0,0,24,4,9,0,1,1 558 | 18,0,11,1,0,0,0,32,4,13,0,0,1 559 | 29,0,22,0,0,0,0,23,5,6,0,0,1 560 | 21,0,14,1,0,0,0,53,6,11,0,1,1 561 | 20,1,13,1,1,0,0,53,7,16,0,1,1 562 | 25,0,18,1,0,0,0,5,2,3,0,0,1 563 | 25,0,18,0,0,0,0,41,4,24,0,0,1 564 | 18,0,11,1,0,0,0,10,2,8,0,0,1 565 | 26,0,19,1,0,0,0,16,4,9,0,0,1 566 | 23,0,16,1,0,0,0,9,2,7,0,0,1 567 | 19,0,12,1,0,0,0,18,3,10,0,1,1 568 | 18,0,11,1,0,0,0,27,4,9,0,0,1 569 | 35,0,28,0,0,0,0,1,0,0,0,0,1 570 | 30,0,23,1,1,0,0,35,5,9,0,0,1 571 | 16,0,9,1,0,0,0,27,5,8,0,0,1 572 | 21,0,14,1,1,0,0,15,3,8,0,0,1 573 | 32,0,25,1,0,0,0,43,7,10,0,1,1 574 | 33,0,26,1,1,0,0,65,7,24,0,1,1 575 | 25,0,18,1,0,0,0,23,4,9,0,1,1 576 | 35,0,28,1,1,0,0,16,3,9,0,0,1 577 | 19,0,12,1,0,0,0,35,4,20,0,0,1 578 | 20,0,13,1,0,0,0,24,5,8,0,0,1 579 | 23,0,16,1,1,0,0,28,3,15,0,0,1 580 | 30,0,23,1,0,0,0,39,4,11,0,0,1 581 | 26,0,19,1,0,0,0,18,3,9,0,0,1 582 | 23,0,16,0,0,0,0,24,4,9,0,1,1 583 | 29,0,22,1,0,0,0,15,2,13,0,0,1 584 | 22,0,15,1,0,0,0,6,2,4,0,0,1 585 | 23,0,16,0,0,0,0,41,5,10,0,0,1 586 | 21,0,14,1,0,0,0,44,7,9,0,0,1 587 | 35,0,28,1,0,0,0,15,3,8,0,0,1 588 | 15,0,8,1,0,0,0,19,3,10,0,1,1 589 | 24,0,17,1,0,0,0,7,2,5,0,0,1 590 | 30,0,23,1,0,0,0,108,10,17,0,1,1 591 | 22,0,15,1,0,0,0,22,3,14,0,0,1 592 | 28,0,21,1,0,0,0,16,2,14,0,0,1 593 | 18,0,11,1,0,0,0,43,5,17,0,0,1 594 | 24,0,17,1,0,0,0,15,3,8,0,0,1 595 | 20,0,13,1,0,0,0,32,5,11,0,0,1 596 | 13,0,6,1,0,0,0,38,7,11,0,1,1 597 | 18,0,11,1,0,0,0,8,2,6,0,0,1 598 | 27,0,20,1,0,0,0,23,3,17,0,0,1 599 | 26,0,19,1,1,0,0,19,3,8,0,0,1 600 | 26,0,19,1,0,0,0,14,3,8,0,0,1 601 | 18,1,11,1,0,0,0,58,7,15,0,1,1 602 | 24,0,17,1,0,0,0,52,4,19,0,0,1 603 | 33,0,26,1,1,0,0,23,4,8,0,0,1 604 | 28,0,21,0,0,1,0,46,6,17,0,1,1 605 | 18,0,11,1,0,0,0,28,6,11,0,0,1 606 | 28,0,21,1,0,0,0,22,4,8,0,1,1 607 | 19,0,12,1,0,0,0,10,2,8,0,0,1 608 | 22,0,15,1,0,0,0,12,2,10,0,0,1 609 | 32,0,25,0,0,0,0,14,3,8,0,0,1 610 | 33,0,26,0,1,0,0,13,2,11,0,0,1 611 | 25,1,18,1,1,1,1,10,1,9,0,0,1 612 | 22,0,15,1,1,0,0,5,2,3,0,0,1 613 | 22,0,15,1,0,0,0,41,5,14,0,0,1 614 | 27,0,20,1,0,0,0,13,3,9,0,0,1 615 | 30,0,23,1,0,0,0,25,4,8,0,0,1 616 | 19,0,12,1,0,0,0,18,4,11,0,0,1 617 | 17,0,10,1,0,0,0,20,3,9,0,1,1 618 | 29,0,22,1,0,1,0,34,5,9,0,1,1 619 | 18,0,11,1,1,0,0,7,2,5,0,0,1 620 | 18,0,11,1,1,0,0,25,3,9,0,1,1 621 | 30,0,23,1,0,0,0,27,4,12,0,0,1 622 | 21,1,14,1,1,1,1,31,4,9,0,1,1 623 | 28,0,21,0,1,0,0,47,7,10,0,1,1 624 | 18,0,11,1,0,0,0,19,4,8,0,1,1 625 | 22,0,15,0,0,0,0,31,6,8,0,1,1 626 | 25,0,18,1,0,0,0,15,3,8,0,1,1 627 | 28,0,21,1,1,0,0,8,2,6,0,0,1 628 | 22,0,15,1,0,0,0,35,5,12,0,1,1 629 | 20,1,13,1,1,1,1,31,5,12,0,1,1 630 | 29,0,22,1,0,0,0,26,4,10,0,1,1 631 | 32,0,25,1,0,0,0,1,0,0,0,0,1 632 | 27,0,20,1,0,0,0,18,3,10,0,0,1 633 | 19,0,12,1,0,0,0,28,5,9,0,0,1 634 | 17,0,10,1,0,0,0,16,3,10,0,0,1 635 | 27,0,20,0,1,0,0,29,4,11,0,0,1 636 | 16,0,9,1,0,0,0,29,5,11,0,0,1 637 | 21,0,14,0,0,0,0,34,5,10,0,1,1 638 | 31,1,24,1,0,1,0,157,4,137,0,1,1 639 | 28,1,21,1,1,0,0,153,4,133,0,1,1 640 | 20,1,13,1,1,1,1,26,2,13,0,0,1 641 | 21,0,14,1,0,0,0,28,5,9,0,0,1 642 | 40,0,33,1,0,0,0,60,6,21,0,0,1 643 | 17,0,10,1,0,1,0,11,3,4,0,0,1 644 | 24,0,17,1,0,0,0,19,2,15,0,0,1 645 | 21,0,14,1,0,0,0,7,2,5,0,0,1 646 | 19,0,12,1,0,0,0,1,0,0,0,0,1 647 | 19,1,12,1,1,1,1,6,2,4,0,0,1 648 | 31,0,24,1,0,0,0,45,3,23,0,0,1 649 | 18,0,11,1,0,0,0,5,2,3,0,0,1 650 | 19,1,12,1,1,1,1,1,0,0,0,0,1 651 | 26,0,19,1,0,0,0,1,0,0,0,0,1 652 | 29,0,22,0,1,0,0,38,4,18,0,1,1 653 | 20,1,13,1,1,1,1,79,5,41,0,0,1 654 | 20,1,13,1,1,1,1,79,5,41,0,0,1 655 | 21,1,14,1,1,1,1,79,6,40,0,0,1 656 | 16,0,9,1,0,0,0,34,5,9,0,0,1 657 | 19,0,12,1,0,0,0,17,2,15,0,0,1 658 | 25,0,18,1,1,0,0,1,0,0,0,0,1 659 | 22,1,15,1,0,0,0,93,6,32,0,1,1 660 | 25,1,18,1,0,0,0,84,7,20,0,0,1 661 | 17,0,10,0,0,0,0,25,2,15,0,0,1 662 | 18,0,11,0,0,0,0,36,4,14,0,1,1 663 | 25,0,18,1,0,0,0,6,2,4,0,0,1 664 | 14,0,7,1,0,0,0,36,4,14,0,1,1 665 | 20,1,13,1,1,1,1,8,2,6,0,0,1 666 | 15,1,8,1,0,0,0,25,3,11,0,0,1 667 | 18,1,11,1,0,0,0,36,6,9,0,1,1 668 | 48,1,41,0,1,0,0,97,8,32,0,1,1 669 | 31,0,24,1,0,0,0,48,4,32,0,1,1 670 | 33,0,26,1,0,0,0,1,0,0,0,0,0 671 | 23,0,16,1,0,0,0,15,3,7,0,0,0 672 | 23,0,16,1,0,0,0,18,3,10,0,0,0 673 | 27,0,20,0,0,0,0,14,2,9,0,1,0 674 | 27,0,20,0,0,0,0,20,2,10,0,0,0 675 | 28,0,21,1,0,0,0,1,0,0,0,0,0 676 | 22,0,15,0,0,0,0,4,1,3,0,0,0 677 | 22,0,15,1,0,0,0,1,0,0,0,0,0 678 | 28,0,21,1,0,0,0,1,0,0,0,0,0 679 | 23,0,16,1,0,0,0,24,3,16,0,0,0 680 | 25,0,18,1,0,0,0,21,2,13,0,1,0 681 | 22,0,15,0,0,0,0,26,3,10,0,0,0 682 | 23,0,16,1,0,0,0,17,3,9,0,0,0 683 | 25,0,18,1,0,0,0,8,2,6,0,0,0 684 | 23,0,16,1,0,0,0,14,3,6,0,0,0 685 | 23,0,16,1,0,0,0,24,3,16,0,1,0 686 | 28,0,21,1,0,0,0,1,0,0,0,0,0 687 | 24,0,17,0,0,0,0,25,3,10,0,1,0 688 | 30,0,23,0,0,0,0,12,1,11,0,0,0 689 | 26,0,19,1,0,0,0,11,1,10,0,0,0 690 | 27,0,20,0,0,0,0,1,0,0,0,0,0 691 | 24,0,17,0,0,0,0,17,3,12,0,0,0 692 | 25,0,18,1,0,0,0,9,2,7,0,0,0 693 | 24,0,17,0,0,0,0,34,3,17,0,0,0 694 | 24,0,17,1,0,0,0,13,1,12,0,0,0 695 | 35,0,28,1,0,0,0,1,0,0,0,0,0 696 | 24,0,17,0,0,0,0,1,0,0,0,0,0 697 | 24,0,17,0,0,0,0,13,3,8,0,0,0 698 | 33,0,26,1,0,0,0,1,0,0,0,0,0 699 | 28,0,21,0,0,0,0,7,2,5,0,0,0 700 | 24,0,17,0,0,0,0,23,3,9,0,1,0 701 | 26,0,19,1,0,0,0,1,0,0,0,0,0 702 | 24,0,17,1,0,0,0,1,0,0,0,0,0 703 | 25,0,18,1,0,0,0,20,2,10,0,0,0 704 | 25,0,18,1,0,0,0,18,2,10,0,1,0 705 | 27,0,20,0,0,0,0,6,2,4,0,0,0 706 | 25,0,18,1,0,0,0,23,4,8,0,1,0 707 | 23,0,16,1,0,0,0,15,3,7,0,0,0 708 | 31,0,24,0,0,1,0,1,0,0,0,0,0 709 | 23,0,16,1,0,0,0,13,2,6,0,0,0 710 | 23,0,16,1,0,0,0,20,3,12,0,0,0 711 | 20,0,13,1,0,0,0,29,2,14,0,0,0 712 | 25,0,18,1,0,0,0,31,2,17,0,0,0 713 | 23,0,16,1,0,0,0,25,3,17,0,0,0 714 | 26,0,19,0,0,0,0,7,2,5,0,0,0 715 | 25,0,18,1,0,0,0,16,2,14,0,0,0 716 | 31,0,24,1,0,0,0,18,1,17,0,0,0 717 | 24,0,17,0,0,0,0,23,3,13,0,0,0 718 | 23,0,16,1,0,0,0,26,3,18,0,0,0 719 | 24,0,17,0,0,0,0,24,3,12,0,1,0 720 | 22,0,15,0,0,0,0,13,2,11,0,0,0 721 | 23,0,16,1,0,0,0,30,3,22,0,0,0 722 | 24,0,17,0,0,0,0,12,2,10,0,0,0 723 | 23,0,16,1,0,0,0,21,3,13,0,0,0 724 | 23,0,16,1,0,0,0,27,3,19,0,0,0 725 | 23,0,16,1,0,0,0,23,3,15,0,0,0 726 | 23,0,16,1,0,0,0,12,2,5,0,0,0 727 | 27,0,20,1,0,0,0,7,1,6,0,0,0 728 | 23,0,16,1,0,0,0,20,3,12,0,0,0 729 | 22,0,15,0,0,0,0,9,2,7,0,0,0 730 | 22,0,15,0,0,0,0,23,2,11,0,0,0 731 | 22,0,15,1,0,0,0,21,2,10,0,0,0 732 | 22,0,15,0,0,0,0,9,2,7,0,0,0 733 | 24,0,17,0,0,0,0,6,2,4,0,0,0 734 | 29,0,22,0,0,0,0,29,2,15,0,0,0 735 | 25,0,18,1,0,0,0,30,2,17,0,0,0 736 | 24,0,17,0,0,0,0,34,3,18,0,0,0 737 | 23,0,16,1,0,0,0,22,3,14,0,0,0 738 | 23,0,16,1,0,0,0,16,3,8,0,1,0 739 | 30,0,23,0,0,0,0,22,3,10,0,0,0 740 | 23,0,16,1,0,0,0,23,3,15,0,0,0 741 | 30,0,23,0,0,0,0,8,2,6,0,0,0 742 | 26,0,19,0,0,0,0,12,1,11,0,1,0 743 | 22,0,15,0,0,0,0,16,2,14,0,0,0 744 | 23,0,16,1,0,0,0,23,3,15,0,0,0 745 | 22,0,15,0,0,0,0,4,1,3,0,0,0 746 | 23,0,16,1,0,0,0,17,3,9,0,1,0 747 | 23,0,16,1,0,0,0,16,3,8,0,1,0 748 | 23,0,16,1,0,0,0,18,2,11,0,1,0 749 | 24,0,17,0,0,0,0,17,3,12,0,0,0 750 | 23,0,16,1,0,0,0,27,3,19,0,0,0 751 | 24,0,17,0,0,0,0,44,4,16,0,0,0 752 | 25,0,18,1,0,0,0,22,2,12,0,0,0 753 | 24,0,17,0,0,0,0,16,3,10,0,0,0 754 | 23,0,16,1,0,0,0,13,3,5,0,0,0 755 | 23,0,16,1,0,0,0,18,3,10,0,0,0 756 | 29,0,22,1,0,0,0,15,3,7,0,1,0 757 | 24,0,17,0,0,0,0,15,3,7,0,0,0 758 | 24,0,17,0,0,0,0,19,3,11,0,0,0 759 | 25,0,18,0,0,0,0,1,0,0,0,0,0 760 | 24,0,17,0,0,1,0,1,0,0,0,0,0 761 | 27,0,20,0,0,0,0,1,0,0,0,0,0 762 | 22,0,15,0,0,0,0,34,3,13,0,0,0 763 | 24,0,17,0,0,0,0,26,3,11,0,0,0 764 | 26,0,19,0,0,0,0,25,3,10,0,1,0 765 | 23,0,16,1,0,0,0,20,3,12,0,0,0 766 | 23,0,16,1,0,0,0,15,3,7,0,0,0 767 | 22,0,15,0,0,0,0,13,2,11,0,0,0 768 | 22,0,15,0,0,0,0,4,1,3,0,0,0 769 | 22,0,15,0,0,0,0,29,3,17,0,0,0 770 | 17,0,10,1,0,0,0,11,1,10,0,0,0 771 | 25,0,18,1,0,0,0,18,2,8,0,0,0 772 | 24,0,17,0,0,0,0,11,3,4,0,0,0 773 | 23,0,16,1,0,0,0,14,3,6,0,0,0 774 | 23,0,16,1,0,0,0,20,3,12,0,0,0 775 | 25,0,18,1,0,0,0,21,2,13,0,0,0 776 | 28,0,21,1,0,0,0,1,0,0,0,0,0 777 | 24,0,17,0,0,0,0,24,3,10,0,0,0 778 | 36,0,29,1,0,0,0,1,0,0,0,0,0 779 | 25,0,18,0,0,0,0,1,0,0,0,0,0 780 | 22,0,15,0,0,0,0,6,2,4,0,0,0 781 | 32,0,25,0,1,0,0,9,2,7,0,0,0 782 | 31,0,24,1,0,0,0,13,2,11,0,0,0 783 | 31,0,24,1,0,0,0,1,0,0,0,0,0 784 | 22,0,15,0,0,0,0,20,2,12,0,0,0 785 | 22,0,15,0,0,0,0,27,3,11,0,0,0 786 | 22,0,15,0,0,0,0,25,3,9,0,0,0 787 | 30,0,23,1,0,0,0,17,2,10,0,1,0 788 | 26,0,19,1,0,0,0,1,0,0,0,0,0 789 | 26,0,19,0,0,0,0,1,0,0,0,0,0 790 | 24,0,17,1,0,0,0,1,0,0,0,0,0 791 | 29,0,22,1,0,0,0,1,0,0,0,0,0 792 | 26,0,19,0,0,0,0,9,1,8,0,0,0 793 | 24,0,17,1,0,0,0,11,1,10,0,0,0 794 | 30,0,23,1,0,0,0,15,2,10,0,1,0 795 | 29,0,22,0,0,0,0,15,2,13,0,0,0 796 | 20,0,13,0,0,0,0,45,5,13,0,0,0 797 | 20,0,13,0,0,0,0,64,5,39,0,1,0 798 | 20,0,13,0,0,0,0,70,5,27,0,1,0 799 | 24,0,17,0,0,0,0,26,3,14,0,0,0 800 | 25,0,18,1,0,0,0,16,1,15,0,1,0 801 | 25,0,18,0,0,0,0,1,0,0,0,0,0 802 | 22,0,15,0,0,0,0,15,3,8,0,0,0 803 | 22,0,15,0,0,0,0,23,4,8,0,0,0 804 | 35,0,28,1,0,0,0,9,1,8,0,0,0 805 | 21,0,14,1,0,0,0,15,1,14,0,0,0 806 | 28,0,21,1,0,0,0,1,0,0,0,0,0 807 | 34,0,27,1,0,0,0,1,0,0,0,0,0 808 | 26,0,19,1,0,0,0,14,1,13,0,0,0 809 | 34,0,27,1,0,0,0,8,1,7,0,0,0 810 | 25,0,18,1,0,0,0,7,2,5,0,0,0 811 | 25,0,18,1,0,0,0,10,3,5,0,0,0 812 | 25,0,18,1,0,0,0,12,3,5,0,0,0 813 | 29,0,22,1,0,0,0,8,1,7,0,0,0 814 | 25,0,18,1,0,0,0,16,3,8,0,0,0 815 | 30,0,23,0,0,0,0,13,1,12,0,0,0 816 | 25,0,18,1,0,0,0,12,2,10,0,0,0 817 | 25,0,18,1,0,0,0,9,2,7,0,0,0 818 | 30,0,23,0,0,0,0,12,2,10,0,0,0 819 | 24,0,17,0,0,0,0,27,3,12,0,0,0 820 | 24,0,17,0,0,0,0,25,3,10,0,1,0 821 | 24,0,17,0,0,0,0,15,3,8,0,0,0 822 | 23,0,16,1,0,0,0,14,2,9,0,0,0 823 | 23,0,16,0,0,0,0,8,1,7,0,0,0 824 | 22,0,15,0,0,0,0,10,1,9,0,0,0 825 | 23,0,16,0,0,0,0,8,1,7,0,0,0 826 | 22,0,15,0,0,0,0,4,1,3,0,0,0 827 | 22,0,15,0,0,0,0,4,1,3,0,0,0 828 | 25,0,18,1,0,0,0,28,2,13,0,0,0 829 | 23,0,16,1,0,0,0,24,3,16,0,0,0 830 | 22,0,15,1,0,0,0,1,0,0,0,0,0 831 | 24,0,17,0,0,0,0,1,0,0,0,0,0 832 | 25,0,18,1,0,0,0,25,2,14,0,0,0 833 | 25,0,18,1,0,0,0,14,2,12,0,0,0 834 | 22,0,15,0,0,0,0,8,2,6,0,0,0 835 | 25,0,18,1,0,0,0,31,3,10,0,1,0 836 | 24,0,17,0,0,0,0,31,3,14,0,1,0 837 | 24,0,17,0,0,0,0,14,3,9,0,0,0 838 | 25,0,18,1,0,0,0,11,2,9,0,0,0 839 | 19,0,12,0,0,0,0,24,2,12,0,0,0 840 | 21,0,14,0,0,0,0,1,0,0,0,0,0 841 | 24,0,17,1,0,0,0,1,0,0,0,0,0 842 | 25,0,18,1,0,0,0,19,2,9,0,0,0 843 | 32,0,25,1,0,0,0,1,0,0,0,0,0 844 | 24,0,17,0,0,0,0,26,3,11,0,1,0 845 | 27,0,20,1,0,0,0,1,0,0,0,0,0 846 | 23,0,16,1,0,0,0,17,2,10,0,0,0 847 | 22,0,15,0,0,0,0,12,2,10,0,0,0 848 | 23,0,16,1,0,0,0,20,2,13,0,1,0 849 | 23,0,16,1,0,0,0,21,2,14,0,0,0 850 | 23,0,16,1,0,0,0,18,3,10,0,1,0 851 | 23,0,16,1,0,0,0,21,3,13,0,0,0 852 | 26,0,19,1,0,0,0,1,0,0,0,0,0 853 | 25,0,18,1,0,0,0,9,2,7,0,0,0 854 | 25,0,18,1,0,0,0,14,2,8,0,0,0 855 | 25,0,18,1,0,0,0,9,2,7,0,1,0 856 | 26,0,19,1,0,1,0,3,1,2,0,0,0 857 | 33,0,26,1,0,0,0,1,0,0,0,0,0 858 | 20,0,13,1,0,0,0,4,2,2,0,1,0 859 | 24,0,17,0,0,0,0,7,2,5,0,0,0 860 | 25,0,18,1,0,0,0,11,2,9,0,0,0 861 | 25,0,18,1,0,0,0,11,2,9,0,0,0 862 | 34,0,27,1,0,1,0,1,0,0,0,0,0 863 | 22,0,15,0,0,0,0,16,2,9,0,1,0 864 | 22,0,15,0,0,0,0,17,2,11,0,1,0 865 | 19,0,12,0,0,0,0,10,2,8,0,0,0 866 | 25,0,18,1,0,0,0,22,2,12,0,0,0 867 | 25,0,18,1,0,0,0,21,2,12,0,0,0 868 | 22,0,15,0,0,0,0,16,1,15,0,1,0 869 | 19,0,12,0,0,0,0,19,2,10,0,0,0 870 | 29,0,22,0,0,0,0,11,2,9,0,1,0 871 | 22,0,15,0,0,0,0,14,2,12,0,0,0 872 | 24,0,17,0,0,0,0,24,3,10,0,1,0 873 | 24,0,17,0,0,0,0,22,3,16,0,0,0 874 | 24,0,17,0,0,0,0,27,3,12,0,0,0 875 | 32,0,25,1,0,0,0,8,2,3,0,0,0 876 | 22,0,15,0,0,0,0,4,1,3,0,0,0 877 | 29,0,22,0,0,0,0,1,0,0,0,0,0 878 | 17,0,10,1,0,0,0,12,1,11,0,0,0 879 | 23,0,16,1,0,0,0,18,3,10,0,1,0 880 | 25,0,18,1,0,0,0,5,2,3,0,0,0 881 | 24,0,17,0,0,0,0,21,3,10,0,1,0 882 | 22,0,15,0,0,0,0,14,1,13,0,0,0 883 | 24,0,17,0,0,0,0,24,3,10,0,1,0 884 | 33,0,26,1,0,0,0,1,0,0,0,0,0 885 | 24,0,17,0,0,0,0,15,3,9,0,0,0 886 | 24,0,17,0,0,0,0,26,3,11,0,1,0 887 | 25,0,18,0,0,0,0,1,0,0,0,0,0 888 | 32,0,25,1,1,0,0,27,3,10,0,1,0 889 | 24,0,17,0,0,0,0,20,3,14,0,0,0 890 | 23,0,16,1,0,0,0,19,3,11,0,0,0 891 | 21,0,14,0,0,0,0,21,2,12,0,0,0 892 | 29,0,22,0,0,0,0,30,2,15,0,0,0 893 | 30,0,23,0,0,0,0,9,1,8,0,0,0 894 | 20,0,13,1,0,0,0,11,2,9,0,0,0 895 | 20,1,13,0,0,0,0,33,7,7,0,1,0 896 | 19,0,12,1,0,0,0,1,0,0,0,0,0 897 | 22,0,15,1,0,0,0,13,2,8,0,0,0 898 | 22,0,15,0,0,0,0,4,1,3,0,0,0 899 | 22,0,15,0,0,0,0,4,1,3,0,0,0 900 | 22,0,15,0,0,0,0,4,1,3,0,0,0 901 | 22,0,15,0,0,0,0,4,1,3,0,0,0 902 | 22,0,15,0,0,0,0,7,2,5,0,0,0 903 | 22,0,15,0,0,0,0,11,2,9,0,0,0 904 | 24,0,17,0,0,0,0,32,2,16,0,1,0 905 | 27,0,20,0,0,0,0,28,3,12,0,0,0 906 | 24,0,17,0,0,0,0,33,3,12,0,0,0 907 | 22,0,15,0,0,0,0,1,0,0,0,0,0 908 | 28,0,21,0,0,0,0,1,0,0,0,0,0 909 | 20,0,13,1,0,0,0,8,2,6,0,0,0 910 | 29,0,22,1,0,0,0,1,0,0,0,0,0 911 | 39,0,32,1,0,0,0,1,0,0,0,0,0 912 | 20,0,13,0,0,0,0,1,0,0,0,0,0 913 | 24,0,17,0,0,0,0,19,3,13,0,0,0 914 | 25,0,18,0,0,0,0,1,0,0,0,0,0 915 | 28,0,21,1,0,0,0,1,0,0,0,0,0 916 | 20,0,13,0,0,0,0,10,2,8,0,0,0 917 | 25,0,18,1,0,0,0,1,0,0,0,0,0 918 | 40,0,33,1,0,0,0,1,0,0,0,0,0 919 | 33,0,26,0,0,0,0,1,0,0,0,0,0 920 | 29,0,22,0,0,0,0,21,2,12,0,0,0 921 | 22,0,15,1,0,0,0,1,0,0,0,0,0 922 | 23,0,16,0,0,0,0,16,3,7,0,0,0 923 | 26,0,19,0,0,0,0,1,0,0,0,0,0 924 | 26,0,19,1,0,0,0,1,0,0,0,0,0 925 | 26,0,19,0,0,0,0,1,0,0,0,0,0 926 | 37,0,30,0,0,0,0,1,0,0,0,0,0 927 | 30,0,23,1,0,0,0,1,0,0,0,0,0 928 | 24,0,17,0,0,0,0,1,0,0,0,0,0 929 | 21,0,14,1,0,0,0,1,0,0,0,0,0 930 | 27,0,20,0,0,0,0,1,0,0,0,0,0 931 | 26,0,19,0,0,0,0,1,0,0,0,0,0 932 | 27,0,20,0,0,0,0,1,0,0,0,0,0 933 | 20,0,13,0,0,0,0,27,3,9,0,1,0 934 | 28,0,21,0,0,0,0,8,1,7,0,0,0 935 | 36,0,29,0,0,0,0,12,1,11,0,0,0 936 | 25,0,18,0,0,0,0,1,0,0,0,0,0 937 | 21,0,14,1,0,0,0,1,0,0,0,0,0 938 | 24,0,17,1,0,0,0,16,1,15,0,0,0 939 | 24,0,17,0,0,0,0,1,0,0,0,0,0 940 | 24,0,17,0,0,0,0,1,0,0,0,0,0 941 | 27,0,20,0,0,0,0,15,1,14,0,0,0 942 | 33,0,26,0,0,0,0,1,0,0,0,0,0 943 | 20,0,13,1,0,0,0,1,0,0,0,0,0 944 | 19,0,12,0,0,0,0,1,0,0,0,0,0 945 | 40,0,33,1,0,0,0,27,2,25,0,0,0 946 | 21,0,14,1,0,0,0,26,2,24,0,0,0 947 | 26,0,19,0,0,0,0,16,2,13,0,1,0 948 | 27,0,20,1,0,0,0,16,3,10,0,0,0 949 | 30,0,23,0,0,0,0,17,1,16,0,1,0 950 | 24,0,17,0,0,1,0,1,0,0,0,0,0 951 | 22,0,15,1,0,0,0,28,2,26,0,0,0 952 | 40,0,33,1,0,0,0,24,2,22,0,0,0 953 | 32,0,25,1,0,0,0,13,2,11,0,0,0 954 | 20,0,13,0,0,0,0,23,2,12,0,0,0 955 | 40,0,33,1,0,0,0,24,2,22,0,0,0 956 | 21,0,14,1,0,0,0,25,2,23,0,0,0 957 | 31,0,24,0,0,0,0,15,1,14,0,0,0 958 | 40,0,33,1,0,0,0,25,2,23,0,0,0 959 | 24,0,17,0,0,0,0,1,0,0,0,0,0 960 | 22,0,15,1,0,0,0,30,2,28,0,0,0 961 | 24,0,17,0,0,0,0,16,1,15,0,1,0 962 | 29,0,22,0,0,0,0,11,1,10,0,0,0 963 | 27,0,20,0,0,0,0,39,2,21,0,0,0 964 | 40,0,33,1,0,0,0,21,2,19,0,0,0 965 | 19,0,12,0,0,0,0,19,2,17,0,0,0 966 | 33,0,26,0,0,0,0,26,1,25,0,1,0 967 | 22,0,15,1,0,0,0,17,2,15,0,0,0 968 | 21,0,14,1,0,0,0,24,2,22,0,0,0 969 | 26,0,19,0,0,0,0,20,2,16,0,1,0 970 | 40,0,33,1,0,0,0,14,2,12,0,0,0 971 | 40,0,33,1,0,0,0,20,2,18,0,0,0 972 | 32,0,25,1,0,0,0,18,1,17,0,0,0 973 | 21,0,14,1,0,0,0,29,2,27,0,0,0 974 | 22,0,15,1,0,0,0,29,2,23,0,0,0 975 | 30,0,23,1,0,0,0,1,0,0,0,0,0 976 | 20,0,13,1,0,0,0,1,0,0,0,0,0 977 | 28,0,21,1,0,0,0,1,0,0,0,0,0 978 | 27,0,20,0,0,0,0,13,1,12,0,0,0 979 | 21,0,14,1,0,0,0,8,2,6,0,0,0 980 | 21,0,14,1,0,0,0,27,2,25,0,0,0 981 | 25,0,18,0,0,0,0,27,2,18,0,1,0 982 | 21,0,14,0,0,0,0,13,1,12,0,0,0 983 | 22,0,15,1,0,0,0,22,2,20,0,0,0 984 | 25,0,18,0,0,1,0,1,0,0,0,0,0 985 | 24,0,17,1,0,0,0,24,3,9,0,0,0 986 | 20,0,13,0,0,0,0,1,0,0,0,0,0 987 | 28,0,21,0,0,0,0,13,1,12,0,0,0 988 | 23,0,16,0,0,0,0,1,0,0,0,0,0 989 | 21,1,14,1,0,0,0,15,2,11,0,0,0 990 | 22,0,15,0,0,0,0,17,1,16,0,0,0 991 | 28,0,21,0,0,0,0,1,0,0,0,0,0 992 | 25,0,18,0,0,0,0,11,2,7,0,0,0 993 | 11,0,4,1,0,0,0,46,6,13,0,0,0 994 | 29,0,22,0,0,0,0,1,0,0,0,0,0 995 | 37,0,30,0,0,0,0,1,0,0,0,0,0 996 | 28,0,21,0,0,0,0,1,0,0,0,0,0 997 | 20,0,13,0,0,0,0,10,2,8,0,0,0 998 | 24,0,17,0,0,0,0,1,0,0,0,0,0 999 | 23,0,16,1,0,0,0,23,3,15,0,0,0 1000 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1001 | 36,0,29,1,0,0,0,1,0,0,0,0,0 1002 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1003 | 33,0,26,0,0,0,0,1,0,0,0,0,0 1004 | 21,0,14,0,0,0,0,1,0,0,0,0,0 1005 | 19,0,12,1,0,0,0,16,2,10,0,1,0 1006 | 30,0,23,1,0,0,0,1,0,0,0,0,0 1007 | 30,0,23,1,0,0,0,1,0,0,0,0,0 1008 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1009 | 25,0,18,1,0,0,0,28,3,12,0,1,0 1010 | 20,0,13,0,0,0,0,12,2,10,0,0,0 1011 | 24,0,17,0,0,0,0,1,0,0,0,0,0 1012 | 24,0,17,0,0,0,0,1,0,0,0,0,0 1013 | 32,0,25,0,0,0,0,1,0,0,0,0,0 1014 | 36,0,29,1,0,0,0,16,1,15,0,0,0 1015 | 20,0,13,0,0,0,0,15,2,13,0,0,0 1016 | 20,0,13,0,0,0,0,16,2,14,0,0,0 1017 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1018 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1019 | 21,0,14,0,0,0,0,1,0,0,0,0,0 1020 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1021 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1022 | 19,0,12,0,0,0,0,1,0,0,0,0,0 1023 | 20,0,13,0,0,0,0,12,2,10,0,0,0 1024 | 23,0,16,0,0,0,0,15,3,7,0,0,0 1025 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1026 | 29,0,22,0,0,0,0,1,0,0,0,0,0 1027 | 28,0,21,0,0,0,0,13,1,12,0,0,0 1028 | 29,0,22,0,0,0,0,1,0,0,0,0,0 1029 | 31,0,24,0,0,0,0,1,0,0,0,0,0 1030 | 39,0,32,1,0,0,0,1,0,0,0,0,0 1031 | 23,0,16,1,0,0,0,11,1,10,0,1,0 1032 | 24,0,17,0,0,0,0,25,2,14,0,1,0 1033 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1034 | 27,0,20,1,1,0,0,1,0,0,0,0,0 1035 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1036 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1037 | 21,0,14,0,0,0,0,1,0,0,0,0,0 1038 | 22,0,15,0,0,0,0,13,2,7,0,0,0 1039 | 27,0,20,0,1,0,0,1,0,0,0,0,0 1040 | 37,0,30,1,1,0,0,1,0,0,0,0,0 1041 | 26,0,19,1,0,0,0,1,0,0,0,0,0 1042 | 20,0,13,0,0,0,0,1,0,0,0,0,0 1043 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1044 | 24,0,17,0,0,0,0,31,3,15,0,1,0 1045 | 27,0,20,0,0,0,0,9,1,8,0,0,0 1046 | 35,0,28,1,0,0,0,1,0,0,0,0,0 1047 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1048 | 33,0,26,1,1,0,0,1,0,0,0,0,0 1049 | 37,0,30,1,1,0,0,1,0,0,0,0,0 1050 | 35,0,28,1,1,0,0,1,0,0,0,0,0 1051 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1052 | 35,0,28,0,1,0,0,1,0,0,0,0,0 1053 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1054 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1055 | 33,0,26,1,1,0,0,1,0,0,0,0,0 1056 | 32,0,25,1,0,0,0,1,0,0,0,0,0 1057 | 36,0,29,1,0,0,0,1,0,0,0,0,0 1058 | 32,0,25,1,0,0,0,1,0,0,0,0,0 1059 | 32,0,25,0,0,0,0,1,0,0,0,0,0 1060 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1061 | 38,0,31,0,0,0,0,1,0,0,0,0,0 1062 | 33,0,26,1,1,0,0,1,0,0,0,0,0 1063 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1064 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1065 | 24,0,17,0,0,0,0,1,0,0,0,0,0 1066 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1067 | 28,0,21,1,1,0,0,1,0,0,0,0,0 1068 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1069 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1070 | 39,0,32,1,1,0,0,1,0,0,0,0,0 1071 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1072 | 40,0,33,0,1,0,0,1,0,0,0,0,0 1073 | 37,0,30,1,0,0,0,1,0,0,0,0,0 1074 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1075 | 42,0,35,1,1,0,0,1,0,0,0,0,0 1076 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1077 | 31,0,24,1,1,0,1,1,0,0,0,0,0 1078 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1079 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1080 | 22,0,15,1,0,0,0,1,0,0,0,0,0 1081 | 41,0,34,1,1,0,0,1,0,0,0,0,0 1082 | 27,0,20,1,1,0,0,1,0,0,0,0,0 1083 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1084 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1085 | 25,0,18,1,0,0,0,1,0,0,0,0,0 1086 | 35,0,28,0,1,0,0,1,0,0,0,0,0 1087 | 25,0,18,0,0,0,0,22,1,21,0,0,0 1088 | 38,0,31,1,1,0,0,1,0,0,0,0,0 1089 | 28,0,21,1,1,0,0,1,0,0,0,0,0 1090 | 32,0,25,1,1,0,1,1,0,0,0,0,0 1091 | 36,0,29,1,0,0,0,1,0,0,0,0,0 1092 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1093 | 28,0,21,1,1,0,0,1,0,0,0,0,0 1094 | 29,0,22,1,0,0,0,1,0,0,0,0,0 1095 | 29,0,22,1,1,0,0,1,0,0,0,0,0 1096 | 27,0,20,1,1,0,0,1,0,0,0,0,0 1097 | 33,0,26,1,1,0,0,1,0,0,0,0,0 1098 | 24,0,17,0,0,0,0,1,0,0,0,0,0 1099 | 32,0,25,1,0,0,0,1,0,0,0,0,0 1100 | 29,0,22,1,1,0,0,1,0,0,0,0,0 1101 | 32,0,25,0,0,0,0,1,0,0,0,0,0 1102 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1103 | 29,0,22,1,1,0,0,1,0,0,0,0,0 1104 | 38,0,31,1,1,0,0,1,0,0,0,0,0 1105 | 33,0,26,1,1,0,0,1,0,0,0,0,0 1106 | 35,0,28,1,1,0,0,1,0,0,0,0,0 1107 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1108 | 28,0,21,1,1,0,0,1,0,0,0,0,0 1109 | 26,0,19,1,1,0,1,1,0,0,0,0,0 1110 | 39,0,32,1,1,0,0,1,0,0,0,0,0 1111 | 26,0,19,1,1,0,0,1,0,0,0,0,0 1112 | 40,0,33,1,1,0,0,1,0,0,0,0,0 1113 | 29,0,22,1,1,0,0,1,0,0,0,0,0 1114 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1115 | 41,0,34,1,1,0,0,1,0,0,0,0,0 1116 | 33,0,26,1,1,0,0,1,0,0,0,0,0 1117 | 25,0,18,1,1,0,1,1,0,0,0,0,0 1118 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1119 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1120 | 27,0,20,0,0,1,0,1,0,0,0,0,0 1121 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1122 | 31,0,24,1,1,0,1,1,0,0,0,0,0 1123 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1124 | 31,0,24,0,1,0,0,1,0,0,0,0,0 1125 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1126 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1127 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1128 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1129 | 38,0,31,1,0,0,0,1,0,0,0,0,0 1130 | 38,0,31,1,1,0,0,1,0,0,0,0,0 1131 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1132 | 28,0,21,1,1,0,0,1,0,0,0,0,0 1133 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1134 | 35,0,28,1,1,0,0,1,0,0,0,0,0 1135 | 26,0,19,0,0,0,0,13,1,12,0,0,0 1136 | 28,0,21,1,0,0,0,1,0,0,0,0,0 1137 | 41,0,34,1,1,0,0,1,0,0,0,0,0 1138 | 31,0,24,1,1,0,0,1,0,0,0,0,0 1139 | 27,0,20,1,1,0,0,1,0,0,0,0,0 1140 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1141 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1142 | 39,0,32,1,1,0,0,1,0,0,0,0,0 1143 | 27,0,20,0,0,0,0,29,3,11,0,0,0 1144 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1145 | 37,0,30,1,1,0,0,1,0,0,0,0,0 1146 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1147 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1148 | 35,0,28,1,1,0,0,1,0,0,0,0,0 1149 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1150 | 30,0,23,0,0,0,0,1,0,0,0,0,0 1151 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1152 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1153 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1154 | 29,0,22,1,1,0,0,1,0,0,0,0,0 1155 | 37,0,30,1,1,0,0,1,0,0,0,0,0 1156 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1157 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1158 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1159 | 39,0,32,1,1,0,0,1,0,0,0,0,0 1160 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1161 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1162 | 30,0,23,1,1,0,0,1,0,0,0,0,0 1163 | 28,0,21,1,1,0,0,1,0,0,0,0,0 1164 | 32,0,25,1,0,0,0,1,0,0,0,0,0 1165 | 34,0,27,1,1,0,0,1,0,0,0,0,0 1166 | 32,0,25,1,1,0,0,1,0,0,0,0,0 1167 | 24,0,17,0,0,0,0,1,0,0,0,0,0 1168 | 26,0,19,0,0,0,0,6,2,4,0,0,0 1169 | 34,0,27,0,1,0,0,1,0,0,0,0,0 1170 | 29,0,22,1,1,0,0,1,0,0,0,0,0 1171 | 35,0,28,1,1,0,0,1,0,0,0,0,0 1172 | 41,0,34,0,1,0,0,1,0,0,0,0,0 1173 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1174 | 36,0,29,0,0,0,0,1,0,0,0,0,0 1175 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1176 | 31,0,24,0,0,0,0,1,0,0,0,0,0 1177 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1178 | 24,0,17,0,0,0,0,14,3,9,0,0,0 1179 | 26,0,19,0,0,0,0,5,2,3,0,0,0 1180 | 24,0,17,0,0,0,0,23,3,10,0,0,0 1181 | 24,0,17,0,0,0,0,26,3,20,0,0,0 1182 | 24,0,17,0,0,0,0,24,3,9,0,0,0 1183 | 22,0,15,0,0,0,0,4,1,3,0,0,0 1184 | 25,0,18,0,1,0,0,13,2,11,0,0,0 1185 | 18,0,11,0,0,0,0,10,2,8,0,0,0 1186 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1187 | 22,0,15,0,0,0,0,27,2,18,0,0,0 1188 | 23,0,16,1,0,0,0,1,0,0,0,0,0 1189 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1190 | 27,0,20,0,0,0,0,18,2,16,0,0,0 1191 | 22,0,15,0,0,0,0,22,1,21,0,0,0 1192 | 27,0,20,0,0,0,0,16,2,14,0,0,0 1193 | 29,0,22,0,0,0,0,14,2,12,0,0,0 1194 | 30,0,23,1,0,0,0,23,1,22,0,0,0 1195 | 23,0,16,0,0,0,0,6,2,4,0,0,0 1196 | 20,0,13,0,0,0,0,16,2,10,0,0,0 1197 | 29,0,22,0,0,0,0,28,2,14,0,0,0 1198 | 30,0,23,1,0,0,0,20,1,19,0,0,0 1199 | 24,0,17,0,0,0,0,30,3,12,0,1,0 1200 | 27,0,20,0,0,0,0,16,2,14,0,0,0 1201 | 30,0,23,1,0,0,0,15,1,14,0,0,0 1202 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1203 | 15,1,8,1,0,0,0,16,3,9,0,1,0 1204 | 30,0,23,1,0,0,0,22,1,21,0,0,0 1205 | 27,0,20,0,0,0,0,17,2,15,0,0,0 1206 | 24,0,17,0,0,0,0,28,3,10,0,1,0 1207 | 27,0,20,1,0,0,0,1,0,0,0,0,0 1208 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1209 | 23,0,16,0,0,0,0,18,2,16,0,0,0 1210 | 20,0,13,0,0,0,0,1,0,0,0,0,0 1211 | 23,0,16,1,0,0,0,1,0,0,0,0,0 1212 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1213 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1214 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1215 | 20,0,13,1,0,0,0,1,0,0,0,0,0 1216 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1217 | 32,0,25,0,0,0,0,9,2,7,0,0,0 1218 | 29,0,22,0,0,0,0,11,1,10,0,0,0 1219 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1220 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1221 | 21,0,14,1,0,0,0,1,0,0,0,0,0 1222 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1223 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1224 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1225 | 18,1,11,1,0,0,0,16,3,9,0,1,0 1226 | 35,0,28,0,0,0,0,27,2,14,0,0,0 1227 | 23,0,16,0,0,0,0,9,2,7,0,0,0 1228 | 33,0,26,0,0,0,0,1,0,0,0,0,0 1229 | 29,0,22,0,0,0,0,1,0,0,0,0,0 1230 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1231 | 22,0,15,0,0,0,0,1,0,0,0,0,0 1232 | 17,0,10,1,0,0,0,1,0,0,0,0,0 1233 | 20,0,13,0,0,1,0,1,0,0,0,0,0 1234 | 24,0,17,0,0,0,0,1,0,0,0,0,0 1235 | 23,0,16,0,0,0,0,13,2,11,0,0,0 1236 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1237 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1238 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1239 | 31,0,24,0,0,0,0,9,2,7,0,0,0 1240 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1241 | 29,0,22,0,0,0,0,16,2,14,0,0,0 1242 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1243 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1244 | 29,0,22,0,0,0,0,7,2,5,0,0,0 1245 | 34,0,27,0,0,0,0,12,2,10,0,0,0 1246 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1247 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1248 | 19,0,12,0,0,0,0,32,4,13,0,0,0 1249 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1250 | 32,0,25,0,0,0,0,1,0,0,0,0,0 1251 | 32,0,25,0,0,0,0,9,2,7,0,0,0 1252 | 23,0,16,0,0,0,0,1,0,0,0,0,0 1253 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1254 | 43,0,36,0,0,0,0,1,0,0,0,0,0 1255 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1256 | 27,0,20,0,0,0,0,1,0,0,0,0,0 1257 | 25,0,18,1,0,0,0,12,2,10,0,1,0 1258 | 32,0,25,0,0,0,0,9,2,7,0,0,0 1259 | 25,0,18,1,0,0,0,1,0,0,0,0,0 1260 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1261 | 23,0,16,1,0,0,0,30,2,23,0,0,0 1262 | 23,0,16,1,0,0,0,21,3,13,0,0,0 1263 | 19,0,12,0,0,0,0,1,0,0,0,0,0 1264 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1265 | 29,0,22,0,0,0,0,11,2,9,0,0,0 1266 | 28,0,21,0,0,0,0,1,0,0,0,0,0 1267 | 23,0,16,0,0,0,0,9,2,7,0,0,0 1268 | 29,0,22,0,0,0,0,1,0,0,0,0,0 1269 | 22,0,15,0,0,0,0,1,0,0,0,0,0 1270 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1271 | 32,0,25,0,0,0,0,6,1,5,0,0,0 1272 | 29,0,22,0,0,0,0,1,0,0,0,0,0 1273 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1274 | 27,0,20,1,0,0,0,1,0,0,0,0,0 1275 | 26,0,19,0,0,0,0,1,0,0,0,0,0 1276 | 24,0,17,1,0,0,0,21,2,10,0,1,0 1277 | 25,0,18,0,0,0,0,1,0,0,0,0,0 1278 | 21,0,14,0,0,0,0,44,3,28,0,0,0 1279 | 28,0,21,0,0,0,0,1,0,0,0,0,0 --------------------------------------------------------------------------------