diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000..bc26776 Binary files /dev/null and b/.DS_Store differ diff --git a/DBSCAN/dbscan.py b/DBSCAN/dbscan.py new file mode 100644 index 0000000..3efc858 --- /dev/null +++ b/DBSCAN/dbscan.py @@ -0,0 +1,201 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + +# 实现了DBSCAN算法 + +__author__ = 'ZYC@BUPT' +import jieba +import os +import sys +import json +jieba.load_userdict("newword.dict") +sys.setdefaultencoding("utf-8") +from sklearn import feature_extraction +from sklearn.feature_extraction.text import TfidfTransformer +from sklearn.feature_extraction.text import CountVectorizer +import numpy as np +import matplotlib.pyplot as plt +import math +import time +UNCLASSIFIED = False +NOISE = 0 + +def Test2(rootDir): + for lists in os.listdir(rootDir): + path = os.path.join(rootDir, lists) + # print path.decode('gb2312') + if path.find(".txt")!=-1: + Participle(path) + if os.path.isdir(path): + Test2(path) + +def Participle(path): + try: + fp = open(path, "r") + ad = fp.readline().strip('\n') + na = fp.readline().strip('\n') + ti = fp.readline().strip('\n')#time + si = fp.readline().strip('\n') + cont = na+fp.read() + fp.close() + except IOError: + return 0 + + try: + insi = {} + insi['time'] = ti + print(ti) + insi['url'] = ad + insi['title'] = na + insi['site'] = si#decode("gb2312").encode("utf-8") + global fnum + global segcont + global doc + seg_list = jieba.lcut(cont, cut_all=False) + stline = "" + for word in seg_list: + if ((word in d) is False) and word != '\n': + stline = stline + " " + word + segcont.append(stline) + print (str(fnum) + " 分词") + doc[fnum] = insi + fnum = fnum + 1 + except UnicodeError: + return 0 + +def loadDataSet(splitChar=','): + dataSet = [] + global we + dataSet=we + del we + return dataSet + +def region_query(data, pointId, eps): + nPoints = data.shape[1] + seeds = [] + for i in range(nPoints): + if eps_neighbor(data[:, pointId], data[:, i], eps): + seeds.append(i) + return seeds + +def tstore(clusters,clusterNum):#测试使用 + global doc + fpath="./test_res/" + i=0 + wr=[] + while i<=clusterNum: + path=fpath+str(i)+".txt" + fp=open(path,'w') + wr.append(fp) + i+=1 + i=1 + for cl in clusters: + enstr="" + enstr=doc[i]['title']+doc[i]['url'] + wr[cl].write(enstr+'\n') + i+=1 + +def expand_cluster(data, clusterResult, pointId, clusterId, eps, minPts): + seeds = region_query(data, pointId, eps) + if len(seeds) < minPts: # 不满足minPts条件的为噪声点 + clusterResult[pointId] = NOISE + return False + else: + clusterResult[pointId] = clusterId # 划分到该簇 + for seedId in seeds: + clusterResult[seedId] = clusterId + while len(seeds) > 0: # 扩张 + currentPoint = seeds[0] + queryResults = region_query(data, currentPoint, eps) + if len(queryResults) >= minPts: + for i in range(len(queryResults)): + resultPoint = queryResults[i] + if clusterResult[resultPoint] == UNCLASSIFIED: + seeds.append(resultPoint) + clusterResult[resultPoint] = clusterId + elif clusterResult[resultPoint] == NOISE: + clusterResult[resultPoint] = clusterId + seeds = seeds[1:] + + return True + +def dbscan(data, eps, minPts): + clusterId = 1 + nPoints = data.shape[1] + clusterResult = [UNCLASSIFIED] * nPoints + for pointId in range(nPoints): + # print "point :"+str(pointId) + point = data[:, pointId] + if clusterResult[pointId] == UNCLASSIFIED: + if expand_cluster(data, clusterResult, pointId, clusterId, eps, minPts): + clusterId = clusterId + 1 + return clusterResult, clusterId - 1 + + +def eps_neighbor(a, b, eps): + dis=math.sqrt(np.power(a - b, 2).sum()) + print(dis) + return dis < eps + +def main(): + dataSet = loadDataSet(splitChar=',') + dataSet = np.mat(dataSet).transpose() + # print(dataSet) + clusters, clusterNum = dbscan(dataSet, 1.37, 5)################################# + print("cluster Numbers = ", clusterNum) + # print(clusters) + #store(clusters, clusterNum) + tstore(clusters, clusterNum) + + +def TFIDF(): + global segcont + global weight + vectorizer = CountVectorizer() + transformer = TfidfTransformer() + tfidf = transformer.fit_transform(vectorizer.fit_transform(segcont)) + word = vectorizer.get_feature_names() # 所有文本的关键字 + weight = tfidf.toarray() # 对应的tfidf矩阵 + del segcont + + seg = [] + for i in range(len(weight)): + enstr = "" + for j in range(len(word)): + if weight[i][j] >= 0.1:##################################### + enstr = enstr + " " + word[j] + seg.append(enstr) + + del weight + vec = CountVectorizer() + tra = TfidfTransformer() + tidf = tra.fit_transform(vec.fit_transform(seg)) + wo = vec.get_feature_names() + we = tidf.toarray() + + global we + +def dbs(): + global fnum,doc,segcont,d + fnum = 1 + segcont = [] + doc = {} + stfp = open("stop.txt", "r") + stcont = stfp.read() + list_a = jieba.lcut(stcont, cut_all=False) + d = set([]) + for li in list_a: + d.add(li) + stfp.close() + Test2('./sou1') + TFIDF() + start = time.clock() + main() + end = time.clock() + print('finish all in %s' % str(end - start)) + +dbs() + + + + diff --git a/README.md b/README.md index a74bc1b..7831611 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@ ## MachineLearning -机器学习算法代码及个人总结整理,对于算法实现部分,在相应目录中都包含有源码和数据以及测试实例,内容正在不断完善中!如有错误,望不吝指教。PS:所有代码均符合我们整理出来的这份[编码规范](https://github.com/csuldw/MachineLearning/blob/master/Python-coding-standards.md). +机器学习算法代码及个人总结整理,对于算法实现部分,在相应目录中都包含有源码和数据以及测试实例,内容正在不断完善中!如有错误,还望读者指出,非常感谢,若您觉得对你有帮助,可以在右上角给个star哈(#^.^#)。PS:所有代码均符合我们整理出来的这份[编码规范](https://github.com/csuldw/MachineLearning/blob/master/Python-coding-standards.md). ## Contents @@ -38,10 +38,19 @@ ## Contributor -- 刘帝伟, 中南大学2014级硕士,[HomePage](http://www.csuldw.com). +- 刘帝伟, CSU硕士毕业,关注AI、机器学习、深度学习方向,[HomePage](http://www.csuldw.com). ## Contact -- QQ: 466454368 +如果有任何疑问,可在我的微信公众号后台留言: + + + +
+ +
+ +或是发邮件吧: + - E-mail: csu.ldw@csu.edu.cn diff --git a/Recommendation System/data_process/user_keywords.csv b/Recommendation System/data_process/user_keywords.csv new file mode 100644 index 0000000..915df37 --- /dev/null +++ b/Recommendation System/data_process/user_keywords.csv @@ -0,0 +1,9 @@ +user_id,keywords +113,新闻推荐|资讯推荐|内容推荐|文本分类|人工分类|自然语言处理|聚类|分类|冷启动 +143,网络|睡眠|精神衰弱|声音|人工分类 +123,新年愿望|梦想|2018|辞旧迎新 +234,父母|肩头|饺子|蔬菜块|青春叛逆期|声音 +117,新闻推荐|内容推荐|文本分类|人工分类|自然语言处理|聚类|分类|冷启动 +119,新闻推荐|资讯推荐|人工分类|自然语言处理|聚类|分类|冷启动 +12,新闻推荐|资讯推荐|内容推荐|文本分类|聚类|分类|冷启动 +122,机器学习|新闻推荐|梦想|人工分类|自然语言处理 \ No newline at end of file diff --git a/Recommendation System/pyfm_demo.py b/Recommendation System/pyfm_demo.py new file mode 100644 index 0000000..7c634f5 --- /dev/null +++ b/Recommendation System/pyfm_demo.py @@ -0,0 +1,47 @@ +# -*- coding: utf-8 -*- +""" +Created on Sun Jan 27 23:49:24 2019 + +pyfm install:将https://github.com/coreylynch/pyFM 下载到本地,去掉setup.py里面的 +libraries=["m"],然后安装即可. + +@author: liudiwei +""" +from sklearn.datasets import load_iris +from sklearn.model_selection import train_test_split +from pyfm import pylibfm +from sklearn.feature_extraction import DictVectorizer + +def load_data(): + """ + 调用sklearn的iris数据集,筛选正负样本并构造切分训练测试数据集 + """ + iris_data = load_iris() + X = iris_data['data'] + y = iris_data['target'] == 2 + data = [ {v: k for k, v in dict(zip(i, range(len(i)))).items()} for i in X] + + X_train,X_test,y_train, y_test = train_test_split(data, y, test_size=0.3, random_state=0) + return X_train,X_test,y_train, y_test + +X_train,X_test,y_train, y_test = load_data() + +v = DictVectorizer() +X_train = v.fit_transform(X_train) +X_test = v.transform(X_test) + +fm = pylibfm.FM(num_factors=2, + num_iter=200, + verbose=True, + task="classification", + initial_learning_rate=0.001, + learning_rate_schedule="optimal") + +fm.fit(X_train, y_train) + +y_preds = fm.predict(X_test) +y_preds_label = y_preds > 0.5 +from sklearn.metrics import log_loss,accuracy_score +print ("Validation log loss: %.4f" % log_loss(y_test, y_preds)) +print ("accuracy: %.4f" % accuracy_score(y_test, y_preds_label)) + diff --git a/Recommendation System/recommend.py b/Recommendation System/recommend.py new file mode 100644 index 0000000..110e9a9 --- /dev/null +++ b/Recommendation System/recommend.py @@ -0,0 +1,173 @@ +# -*- coding: utf-8 -*- +""" +Created on Sat Jan 5 15:34:34 2019 + +@author: liudiwei +""" +import pandas as pd +import numpy as np +import random + +from keras.layers import Input, Embedding, Dot, Reshape, Dense +from keras.models import Model +random.seed(100) + +#load dataset +user_keywords = pd.read_csv("../data_process/user_keywords.csv") + +""" + user_id keywords +0 113 新闻推荐|资讯推荐|内容推荐|文本分类|人工分类|自然语言处理|聚类|分类|冷启动 +1 143 网络|睡眠|精神衰弱|声音|人工分类 +2 123 新年愿望|梦想|2018|辞旧迎新 +3 234 父母|肩头|饺子|蔬菜块|青春叛逆期|声音 +4 117 新闻推荐|内容推荐|文本分类|人工分类|自然语言处理|聚类|分类|冷启动 +5 119 新闻推荐|资讯推荐|人工分类|自然语言处理|聚类|分类|冷启动 +6 12 新闻推荐|资讯推荐|内容推荐|文本分类|聚类|分类|冷启动 +7 122 机器学习|新闻推荐|梦想|人工分类|自然语言处理 +""" + +def date_process(user_item): + """user_item is a DataFrame, column=[user_id, keywords] + 1. user_item: user and item information, user_id, keywords, keyword_index + 2. user_index: user to index + 3. item_index:item to index + """ + user_item["keywords"] = user_item["keywords"].apply(lambda x: x.split("|")) + keyword_list = [] + for i in user_item["keywords"]: + keyword_list.extend(i) + + #word count + item_count = pd.DataFrame(pd.Series(keyword_list).value_counts()) + # add index to word_count + item_count['id'] = list(range(0, len(item_count))) + + #将word的id对应起来 + map_index = lambda x: list(item_count['id'][x]) + user_item['keyword_index'] = user_item['keywords'].apply(map_index) #速度太慢 + #create user_index, item_index + user_index = { v:k for k,v in user_item["user_id"].to_dict().items()} + item_index = item_count["id"].to_dict() + return user_item, user_index, item_index + +user_keywords, user_index, keyword_index = date_process(user_keywords) + +def create_pairs(user_keywords, user_index): + """ + generate user, keyword pair list + """ + pairs = [] + def doc2tag(pairs, x): + for index in x["keyword_index"]: + pairs.append((user_index[x["user_id"]], index)) + user_keywords.apply(lambda x: doc2tag(pairs, x), axis=1) #速度太慢 + return pairs + +pairs = create_pairs(user_keywords, user_index) + + +def build_embedding_model(embedding_size = 50, classification = False): + """Model to embed users and keywords using the Keras functional API. + Trained to discern if a keyword is clicked by user""" + + # Both inputs are 1-dimensional + user = Input(name = 'user', shape = [1]) + keyword = Input(name = 'keyword', shape = [1]) + + # Embedding the user default: (shape will be (None, 1, 50)) + user_embedding = Embedding(name = 'user_embedding', + input_dim = len(user_index), + output_dim = embedding_size)(user) + + # Embedding the keyword default: (shape will be (None, 1, 50)) + keyword_embedding = Embedding(name = 'keyword_embedding', + input_dim = len(keyword_index), + output_dim = embedding_size)(keyword) + + # Merge the layers with a dot product along the second axis + # (shape will be (None, 1, 1)) + merged = Dot(name = 'dot_product', normalize = True, + axes = 2)([user_embedding, keyword_embedding]) + + # Reshape to be a single number (shape will be (None, 1)) + merged = Reshape(target_shape = [1])(merged) + + # Squash outputs for classification + out = Dense(1, activation = 'sigmoid')(merged) + model = Model(inputs = [user, keyword], outputs = out) + + # Compile using specified optimizer and loss + model.compile(optimizer = 'Adam', loss = 'binary_crossentropy', + metrics = ['accuracy']) + #print(model.summary()) + return model + +model = build_embedding_model(embedding_size = 20, classification = False) + + +def generate_batch(pairs, n_positive = 50, negative_ratio = 1.0): + """Generate batches of samples for training. + Random select positive samples + from pairs and randomly select negatives.""" + + # Create empty array to hold batch + batch_size = n_positive * (1 + negative_ratio) + batch = np.zeros((batch_size, 3)) + + # Continue to yield samples + while True: + # Randomly choose positive examples + for idx, (user_id, keyword_id) in enumerate(random.sample(pairs, n_positive)): + batch[idx, :] = (user_id, keyword_id, 1) + idx += 1 + + # Add negative examples until reach batch size + while idx < batch_size: + + # Random selection + random_user = random.randrange(len(user_index)) + random_keyword = random.randrange(len(keyword_index)) + #print(random_user, random_keyword) + + # Check to make sure this is not a positive example + if (random_user, random_keyword) not in pairs: + + # Add to batch and increment index + batch[idx, :] = (random_user, random_keyword, 0) + idx += 1 + + # Make sure to shuffle order + np.random.shuffle(batch) + yield {'user': batch[:, 0], 'keyword': batch[:, 1]}, batch[:, 2] + + +n_positive = len(pairs) +gen = generate_batch(pairs, n_positive, negative_ratio = 1) +# Train +h = model.fit_generator(gen, epochs = 100, steps_per_epoch = len(pairs) // n_positive) + + +# Extract embeddings +user_layer = model.get_layer('user_embedding') +user_weights = user_layer.get_weights()[0] + + +keyword_layer = model.get_layer('keyword_embedding') +keyword_weights = keyword_layer.get_weights()[0] + +from sklearn.decomposition import PCA +import seaborn as sns + +#PCA可视化 +def pca_show(): + pca = PCA(n_components=2) + pca_result = pca.fit_transform(user_weights) + sns.jointplot(x=pca_result[:,0], y=pca_result[:,1]) +pca_show() + + +#calculate cosine similarity +from sklearn.metrics.pairwise import cosine_similarity +cos = cosine_similarity(user_weights[0:1], user_weights) +recommendations = cos[0].argsort()[-4:][::-1] diff --git a/bp/activators.py b/bp/activators.py new file mode 100644 index 0000000..3f3c34c --- /dev/null +++ b/bp/activators.py @@ -0,0 +1,40 @@ +# -*- coding: utf-8 -*- +""" +Created on Wed Apr 04 09:43:53 2018 + +@author: l00424630 +""" + +import numpy as np + +class ReluActivator(object): + def forward(self, weighted_input): + #return weighted_input + return max(0, weighted_input) + + def backward(self, output): + return 1 if output > 0 else 0 + + +class LinearActivator(object): + def forward(self, weighted_input): + return weighted_input + + def backward(self, output): + return 1 + + +class SigmoidActivator(object): + def forward(self, weighted_input): + return 1.0 / (1.0 + np.exp(-weighted_input)) + + def backward(self, output): + return output * (1 - output) + + +class TanhActivator(object): + def forward(self, weighted_input): + return 2.0 / (1.0 + np.exp(-2 * weighted_input)) - 1.0 + + def backward(self, output): + return 1 - output * output diff --git a/bp/activators.pyc b/bp/activators.pyc new file mode 100644 index 0000000..b8dd021 Binary files /dev/null and b/bp/activators.pyc differ diff --git a/bp/bp.py b/bp/bp.py new file mode 100644 index 0000000..8104657 --- /dev/null +++ b/bp/bp.py @@ -0,0 +1,120 @@ +# -*- coding: utf-8 -*- +""" +Created on Wed Apr 04 09:33:57 2018 + +@author: liudiwei +""" + +import numpy as np +import time + +from activators import SigmoidActivator + +class FullConnectedLayer(object): + """ + 定义全连接层 + """ + def __init__(self, input_size, output_size, activator): + self.input_size = input_size + self.output_size = output_size + self.activator = activator + + # 权重向量W + self.W = np.random.uniform(-0.1, 0.1, (output_size, input_size)) + + # 偏置项b + self.b = np.zeros(output_size) + # 输出向量 + self.output = np.zeros(output_size) + + #内部变量 + self._input = None + self._delta = None + self._W_grad = None + self._b_grad = None + + def _network(self, input_sample, weight, bias): + return np.dot(weight, input_sample) + bias + + def forward(self, input_sample): + #前向传播计算输出 + self._input = input_sample + self.output = self.activator.forward( + self._network(self._input, self.W, self.b)) + + def backward(self, delta_array): + #后向传播计算权值和偏置 计算前一层delta + self._delta = self.activator.backward(self._input) * np.dot( + self.W.T, delta_array) + + #传入的数据有点不一样,因此需要加入.reshape(-1,1) + self._W_grad = np.dot(delta_array.reshape(-1,1), self._input.reshape(-1,1).T) + self._b_grad = delta_array + + def update(self, learning_rate): + #更新权重值 + self.W += learning_rate * self._W_grad + self.b += learning_rate * self._b_grad + + +class Network(object): + """ + layers: 一个二维数组,表示神经网络每层的节点数 + """ + def __init__(self, layers): + + self.layers = [] + + for i in range(len(layers) - 1): + self.layers.append( + FullConnectedLayer( + layers[i], + layers[i+1], + SigmoidActivator() + ) + ) + + def predict(self, sample): + #预测某个样本 + output = sample + for layer in self.layers: + layer.forward(output) + output = layer.output + return output + + def train(self, labels, train_sample, learning_rate, epoch): + ''' + labels: 样本标签 + train_sample: 输入样本 + learning_rate: 学习速率 + epoch: 训练轮数 + ''' + for i in range(epoch): + print '%s epoch %d begin.' % (time.ctime(), i+1) + for j in range(len(train_sample)): + self._train_one_sample(labels[j], train_sample[j], learning_rate) + print '%s epoch %d finished' % (time.ctime(), i+1) + + + def _train_one_sample(self, label, sample, learning_rate): + self.predict(sample) + self._get_gradient(label) + self._update_weight(learning_rate) + + + def _get_gradient(self, label): + #计算输出层delta + delta = self.layers[-1].activator.backward(self.layers[-1].output) * ( + label - self.layers[-1].output) + + for layer in self.layers[::-1]: + layer.backward(delta) + delta = layer._delta + return delta + + def _update_weight(self, rate): + for layer in self.layers: + layer.update(rate) + + + diff --git a/bp/bp.pyc b/bp/bp.pyc new file mode 100644 index 0000000..3a8d025 Binary files /dev/null and b/bp/bp.pyc differ diff --git a/bp/data/sample_submission.csv b/bp/data/sample_submission.csv new file mode 100644 index 0000000..7ea007b --- /dev/null +++ b/bp/data/sample_submission.csv @@ -0,0 +1,28001 @@ +ImageId,Label +1,0 +2,0 +3,0 +4,0 +5,0 +6,0 +7,0 +8,0 +9,0 +10,0 +11,0 +12,0 +13,0 +14,0 +15,0 +16,0 +17,0 +18,0 +19,0 +20,0 +21,0 +22,0 +23,0 +24,0 +25,0 +26,0 +27,0 +28,0 +29,0 +30,0 +31,0 +32,0 +33,0 +34,0 +35,0 +36,0 +37,0 +38,0 +39,0 +40,0 +41,0 +42,0 +43,0 +44,0 +45,0 +46,0 +47,0 +48,0 +49,0 +50,0 +51,0 +52,0 +53,0 +54,0 +55,0 +56,0 +57,0 +58,0 +59,0 +60,0 +61,0 +62,0 +63,0 +64,0 +65,0 +66,0 +67,0 +68,0 +69,0 +70,0 +71,0 +72,0 +73,0 +74,0 +75,0 +76,0 +77,0 +78,0 +79,0 +80,0 +81,0 +82,0 +83,0 +84,0 +85,0 +86,0 +87,0 +88,0 +89,0 +90,0 +91,0 +92,0 +93,0 +94,0 +95,0 +96,0 +97,0 +98,0 +99,0 +100,0 +101,0 +102,0 +103,0 +104,0 +105,0 +106,0 +107,0 +108,0 +109,0 +110,0 +111,0 +112,0 +113,0 +114,0 +115,0 +116,0 +117,0 +118,0 +119,0 +120,0 +121,0 +122,0 +123,0 +124,0 +125,0 +126,0 +127,0 +128,0 +129,0 +130,0 +131,0 +132,0 +133,0 +134,0 +135,0 +136,0 +137,0 +138,0 +139,0 +140,0 +141,0 +142,0 +143,0 +144,0 +145,0 +146,0 +147,0 +148,0 +149,0 +150,0 +151,0 +152,0 +153,0 +154,0 +155,0 +156,0 +157,0 +158,0 +159,0 +160,0 +161,0 +162,0 +163,0 +164,0 +165,0 +166,0 +167,0 +168,0 +169,0 +170,0 +171,0 +172,0 +173,0 +174,0 +175,0 +176,0 +177,0 +178,0 +179,0 +180,0 +181,0 +182,0 +183,0 +184,0 +185,0 +186,0 +187,0 +188,0 +189,0 +190,0 +191,0 +192,0 +193,0 +194,0 +195,0 +196,0 +197,0 +198,0 +199,0 +200,0 +201,0 +202,0 +203,0 +204,0 +205,0 +206,0 +207,0 +208,0 +209,0 +210,0 +211,0 +212,0 +213,0 +214,0 +215,0 +216,0 +217,0 +218,0 +219,0 +220,0 +221,0 +222,0 +223,0 +224,0 +225,0 +226,0 +227,0 +228,0 +229,0 +230,0 +231,0 +232,0 +233,0 +234,0 +235,0 +236,0 +237,0 +238,0 +239,0 +240,0 +241,0 +242,0 +243,0 +244,0 +245,0 +246,0 +247,0 +248,0 +249,0 +250,0 +251,0 +252,0 +253,0 +254,0 +255,0 +256,0 +257,0 +258,0 +259,0 +260,0 +261,0 +262,0 +263,0 +264,0 +265,0 +266,0 +267,0 +268,0 +269,0 +270,0 +271,0 +272,0 +273,0 +274,0 +275,0 +276,0 +277,0 +278,0 +279,0 +280,0 +281,0 +282,0 +283,0 +284,0 +285,0 +286,0 +287,0 +288,0 +289,0 +290,0 +291,0 +292,0 +293,0 +294,0 +295,0 +296,0 +297,0 +298,0 +299,0 +300,0 +301,0 +302,0 +303,0 +304,0 +305,0 +306,0 +307,0 +308,0 +309,0 +310,0 +311,0 +312,0 +313,0 +314,0 +315,0 +316,0 +317,0 +318,0 +319,0 +320,0 +321,0 +322,0 +323,0 +324,0 +325,0 +326,0 +327,0 +328,0 +329,0 +330,0 +331,0 +332,0 +333,0 +334,0 +335,0 +336,0 +337,0 +338,0 +339,0 +340,0 +341,0 +342,0 +343,0 +344,0 +345,0 +346,0 +347,0 +348,0 +349,0 +350,0 +351,0 +352,0 +353,0 +354,0 +355,0 +356,0 +357,0 +358,0 +359,0 +360,0 +361,0 +362,0 +363,0 +364,0 +365,0 +366,0 +367,0 +368,0 +369,0 +370,0 +371,0 +372,0 +373,0 +374,0 +375,0 +376,0 +377,0 +378,0 +379,0 +380,0 +381,0 +382,0 +383,0 +384,0 +385,0 +386,0 +387,0 +388,0 +389,0 +390,0 +391,0 +392,0 +393,0 +394,0 +395,0 +396,0 +397,0 +398,0 +399,0 +400,0 +401,0 +402,0 +403,0 +404,0 +405,0 +406,0 +407,0 +408,0 +409,0 +410,0 +411,0 +412,0 +413,0 +414,0 +415,0 +416,0 +417,0 +418,0 +419,0 +420,0 +421,0 +422,0 +423,0 +424,0 +425,0 +426,0 +427,0 +428,0 +429,0 +430,0 +431,0 +432,0 +433,0 +434,0 +435,0 +436,0 +437,0 +438,0 +439,0 +440,0 +441,0 +442,0 +443,0 +444,0 +445,0 +446,0 +447,0 +448,0 +449,0 +450,0 +451,0 +452,0 +453,0 +454,0 +455,0 +456,0 +457,0 +458,0 +459,0 +460,0 +461,0 +462,0 +463,0 +464,0 +465,0 +466,0 +467,0 +468,0 +469,0 +470,0 +471,0 +472,0 +473,0 +474,0 +475,0 +476,0 +477,0 +478,0 +479,0 +480,0 +481,0 +482,0 +483,0 +484,0 +485,0 +486,0 +487,0 +488,0 +489,0 +490,0 +491,0 +492,0 +493,0 +494,0 +495,0 +496,0 +497,0 +498,0 +499,0 +500,0 +501,0 +502,0 +503,0 +504,0 +505,0 +506,0 +507,0 +508,0 +509,0 +510,0 +511,0 +512,0 +513,0 +514,0 +515,0 +516,0 +517,0 +518,0 +519,0 +520,0 +521,0 +522,0 +523,0 +524,0 +525,0 +526,0 +527,0 +528,0 +529,0 +530,0 +531,0 +532,0 +533,0 +534,0 +535,0 +536,0 +537,0 +538,0 +539,0 +540,0 +541,0 +542,0 +543,0 +544,0 +545,0 +546,0 +547,0 +548,0 +549,0 +550,0 +551,0 +552,0 +553,0 +554,0 +555,0 +556,0 +557,0 +558,0 +559,0 +560,0 +561,0 +562,0 +563,0 +564,0 +565,0 +566,0 +567,0 +568,0 +569,0 +570,0 +571,0 +572,0 +573,0 +574,0 +575,0 +576,0 +577,0 +578,0 +579,0 +580,0 +581,0 +582,0 +583,0 +584,0 +585,0 +586,0 +587,0 +588,0 +589,0 +590,0 +591,0 +592,0 +593,0 +594,0 +595,0 +596,0 +597,0 +598,0 +599,0 +600,0 +601,0 +602,0 +603,0 +604,0 +605,0 +606,0 +607,0 +608,0 +609,0 +610,0 +611,0 +612,0 +613,0 +614,0 +615,0 +616,0 +617,0 +618,0 +619,0 +620,0 +621,0 +622,0 +623,0 +624,0 +625,0 +626,0 +627,0 +628,0 +629,0 +630,0 +631,0 +632,0 +633,0 +634,0 +635,0 +636,0 +637,0 +638,0 +639,0 +640,0 +641,0 +642,0 +643,0 +644,0 +645,0 +646,0 +647,0 +648,0 +649,0 +650,0 +651,0 +652,0 +653,0 +654,0 +655,0 +656,0 +657,0 +658,0 +659,0 +660,0 +661,0 +662,0 +663,0 +664,0 +665,0 +666,0 +667,0 +668,0 +669,0 +670,0 +671,0 +672,0 +673,0 +674,0 +675,0 +676,0 +677,0 +678,0 +679,0 +680,0 +681,0 +682,0 +683,0 +684,0 +685,0 +686,0 +687,0 +688,0 +689,0 +690,0 +691,0 +692,0 +693,0 +694,0 +695,0 +696,0 +697,0 +698,0 +699,0 +700,0 +701,0 +702,0 +703,0 +704,0 +705,0 +706,0 +707,0 +708,0 +709,0 +710,0 +711,0 +712,0 +713,0 +714,0 +715,0 +716,0 +717,0 +718,0 +719,0 +720,0 +721,0 +722,0 +723,0 +724,0 +725,0 +726,0 +727,0 +728,0 +729,0 +730,0 +731,0 +732,0 +733,0 +734,0 +735,0 +736,0 +737,0 +738,0 +739,0 +740,0 +741,0 +742,0 +743,0 +744,0 +745,0 +746,0 +747,0 +748,0 +749,0 +750,0 +751,0 +752,0 +753,0 +754,0 +755,0 +756,0 +757,0 +758,0 +759,0 +760,0 +761,0 +762,0 +763,0 +764,0 +765,0 +766,0 +767,0 +768,0 +769,0 +770,0 +771,0 +772,0 +773,0 +774,0 +775,0 +776,0 +777,0 +778,0 +779,0 +780,0 +781,0 +782,0 +783,0 +784,0 +785,0 +786,0 +787,0 +788,0 +789,0 +790,0 +791,0 +792,0 +793,0 +794,0 +795,0 +796,0 +797,0 +798,0 +799,0 +800,0 +801,0 +802,0 +803,0 +804,0 +805,0 +806,0 +807,0 +808,0 +809,0 +810,0 +811,0 +812,0 +813,0 +814,0 +815,0 +816,0 +817,0 +818,0 +819,0 +820,0 +821,0 +822,0 +823,0 +824,0 +825,0 +826,0 +827,0 +828,0 +829,0 +830,0 +831,0 +832,0 +833,0 +834,0 +835,0 +836,0 +837,0 +838,0 +839,0 +840,0 +841,0 +842,0 +843,0 +844,0 +845,0 +846,0 +847,0 +848,0 +849,0 +850,0 +851,0 +852,0 +853,0 +854,0 +855,0 +856,0 +857,0 +858,0 +859,0 +860,0 +861,0 +862,0 +863,0 +864,0 +865,0 +866,0 +867,0 +868,0 +869,0 +870,0 +871,0 +872,0 +873,0 +874,0 +875,0 +876,0 +877,0 +878,0 +879,0 +880,0 +881,0 +882,0 +883,0 +884,0 +885,0 +886,0 +887,0 +888,0 +889,0 +890,0 +891,0 +892,0 +893,0 +894,0 +895,0 +896,0 +897,0 +898,0 +899,0 +900,0 +901,0 +902,0 +903,0 +904,0 +905,0 +906,0 +907,0 +908,0 +909,0 +910,0 +911,0 +912,0 +913,0 +914,0 +915,0 +916,0 +917,0 +918,0 +919,0 +920,0 +921,0 +922,0 +923,0 +924,0 +925,0 +926,0 +927,0 +928,0 +929,0 +930,0 +931,0 +932,0 +933,0 +934,0 +935,0 +936,0 +937,0 +938,0 +939,0 +940,0 +941,0 +942,0 +943,0 +944,0 +945,0 +946,0 +947,0 +948,0 +949,0 +950,0 +951,0 +952,0 +953,0 +954,0 +955,0 +956,0 +957,0 +958,0 +959,0 +960,0 +961,0 +962,0 +963,0 +964,0 +965,0 +966,0 +967,0 +968,0 +969,0 +970,0 +971,0 +972,0 +973,0 +974,0 +975,0 +976,0 +977,0 +978,0 +979,0 +980,0 +981,0 +982,0 +983,0 +984,0 +985,0 +986,0 +987,0 +988,0 +989,0 +990,0 +991,0 +992,0 +993,0 +994,0 +995,0 +996,0 +997,0 +998,0 +999,0 +1000,0 +1001,0 +1002,0 +1003,0 +1004,0 +1005,0 +1006,0 +1007,0 +1008,0 +1009,0 +1010,0 +1011,0 +1012,0 +1013,0 +1014,0 +1015,0 +1016,0 +1017,0 +1018,0 +1019,0 +1020,0 +1021,0 +1022,0 +1023,0 +1024,0 +1025,0 +1026,0 +1027,0 +1028,0 +1029,0 +1030,0 +1031,0 +1032,0 +1033,0 +1034,0 +1035,0 +1036,0 +1037,0 +1038,0 +1039,0 +1040,0 +1041,0 +1042,0 +1043,0 +1044,0 +1045,0 +1046,0 +1047,0 +1048,0 +1049,0 +1050,0 +1051,0 +1052,0 +1053,0 +1054,0 +1055,0 +1056,0 +1057,0 +1058,0 +1059,0 +1060,0 +1061,0 +1062,0 +1063,0 +1064,0 +1065,0 +1066,0 +1067,0 +1068,0 +1069,0 +1070,0 +1071,0 +1072,0 +1073,0 +1074,0 +1075,0 +1076,0 +1077,0 +1078,0 +1079,0 +1080,0 +1081,0 +1082,0 +1083,0 +1084,0 +1085,0 +1086,0 +1087,0 +1088,0 +1089,0 +1090,0 +1091,0 +1092,0 +1093,0 +1094,0 +1095,0 +1096,0 +1097,0 +1098,0 +1099,0 +1100,0 +1101,0 +1102,0 +1103,0 +1104,0 +1105,0 +1106,0 +1107,0 +1108,0 +1109,0 +1110,0 +1111,0 +1112,0 +1113,0 +1114,0 +1115,0 +1116,0 +1117,0 +1118,0 +1119,0 +1120,0 +1121,0 +1122,0 +1123,0 +1124,0 +1125,0 +1126,0 +1127,0 +1128,0 +1129,0 +1130,0 +1131,0 +1132,0 +1133,0 +1134,0 +1135,0 +1136,0 +1137,0 +1138,0 +1139,0 +1140,0 +1141,0 +1142,0 +1143,0 +1144,0 +1145,0 +1146,0 +1147,0 +1148,0 +1149,0 +1150,0 +1151,0 +1152,0 +1153,0 +1154,0 +1155,0 +1156,0 +1157,0 +1158,0 +1159,0 +1160,0 +1161,0 +1162,0 +1163,0 +1164,0 +1165,0 +1166,0 +1167,0 +1168,0 +1169,0 +1170,0 +1171,0 +1172,0 +1173,0 +1174,0 +1175,0 +1176,0 +1177,0 +1178,0 +1179,0 +1180,0 +1181,0 +1182,0 +1183,0 +1184,0 +1185,0 +1186,0 +1187,0 +1188,0 +1189,0 +1190,0 +1191,0 +1192,0 +1193,0 +1194,0 +1195,0 +1196,0 +1197,0 +1198,0 +1199,0 +1200,0 +1201,0 +1202,0 +1203,0 +1204,0 +1205,0 +1206,0 +1207,0 +1208,0 +1209,0 +1210,0 +1211,0 +1212,0 +1213,0 +1214,0 +1215,0 +1216,0 +1217,0 +1218,0 +1219,0 +1220,0 +1221,0 +1222,0 +1223,0 +1224,0 +1225,0 +1226,0 +1227,0 +1228,0 +1229,0 +1230,0 +1231,0 +1232,0 +1233,0 +1234,0 +1235,0 +1236,0 +1237,0 +1238,0 +1239,0 +1240,0 +1241,0 +1242,0 +1243,0 +1244,0 +1245,0 +1246,0 +1247,0 +1248,0 +1249,0 +1250,0 +1251,0 +1252,0 +1253,0 +1254,0 +1255,0 +1256,0 +1257,0 +1258,0 +1259,0 +1260,0 +1261,0 +1262,0 +1263,0 +1264,0 +1265,0 +1266,0 +1267,0 +1268,0 +1269,0 +1270,0 +1271,0 +1272,0 +1273,0 +1274,0 +1275,0 +1276,0 +1277,0 +1278,0 +1279,0 +1280,0 +1281,0 +1282,0 +1283,0 +1284,0 +1285,0 +1286,0 +1287,0 +1288,0 +1289,0 +1290,0 +1291,0 +1292,0 +1293,0 +1294,0 +1295,0 +1296,0 +1297,0 +1298,0 +1299,0 +1300,0 +1301,0 +1302,0 +1303,0 +1304,0 +1305,0 +1306,0 +1307,0 +1308,0 +1309,0 +1310,0 +1311,0 +1312,0 +1313,0 +1314,0 +1315,0 +1316,0 +1317,0 +1318,0 +1319,0 +1320,0 +1321,0 +1322,0 +1323,0 +1324,0 +1325,0 +1326,0 +1327,0 +1328,0 +1329,0 +1330,0 +1331,0 +1332,0 +1333,0 +1334,0 +1335,0 +1336,0 +1337,0 +1338,0 +1339,0 +1340,0 +1341,0 +1342,0 +1343,0 +1344,0 +1345,0 +1346,0 +1347,0 +1348,0 +1349,0 +1350,0 +1351,0 +1352,0 +1353,0 +1354,0 +1355,0 +1356,0 +1357,0 +1358,0 +1359,0 +1360,0 +1361,0 +1362,0 +1363,0 +1364,0 +1365,0 +1366,0 +1367,0 +1368,0 +1369,0 +1370,0 +1371,0 +1372,0 +1373,0 +1374,0 +1375,0 +1376,0 +1377,0 +1378,0 +1379,0 +1380,0 +1381,0 +1382,0 +1383,0 +1384,0 +1385,0 +1386,0 +1387,0 +1388,0 +1389,0 +1390,0 +1391,0 +1392,0 +1393,0 +1394,0 +1395,0 +1396,0 +1397,0 +1398,0 +1399,0 +1400,0 +1401,0 +1402,0 +1403,0 +1404,0 +1405,0 +1406,0 +1407,0 +1408,0 +1409,0 +1410,0 +1411,0 +1412,0 +1413,0 +1414,0 +1415,0 +1416,0 +1417,0 +1418,0 +1419,0 +1420,0 +1421,0 +1422,0 +1423,0 +1424,0 +1425,0 +1426,0 +1427,0 +1428,0 +1429,0 +1430,0 +1431,0 +1432,0 +1433,0 +1434,0 +1435,0 +1436,0 +1437,0 +1438,0 +1439,0 +1440,0 +1441,0 +1442,0 +1443,0 +1444,0 +1445,0 +1446,0 +1447,0 +1448,0 +1449,0 +1450,0 +1451,0 +1452,0 +1453,0 +1454,0 +1455,0 +1456,0 +1457,0 +1458,0 +1459,0 +1460,0 +1461,0 +1462,0 +1463,0 +1464,0 +1465,0 +1466,0 +1467,0 +1468,0 +1469,0 +1470,0 +1471,0 +1472,0 +1473,0 +1474,0 +1475,0 +1476,0 +1477,0 +1478,0 +1479,0 +1480,0 +1481,0 +1482,0 +1483,0 +1484,0 +1485,0 +1486,0 +1487,0 +1488,0 +1489,0 +1490,0 +1491,0 +1492,0 +1493,0 +1494,0 +1495,0 +1496,0 +1497,0 +1498,0 +1499,0 +1500,0 +1501,0 +1502,0 +1503,0 +1504,0 +1505,0 +1506,0 +1507,0 +1508,0 +1509,0 +1510,0 +1511,0 +1512,0 +1513,0 +1514,0 +1515,0 +1516,0 +1517,0 +1518,0 +1519,0 +1520,0 +1521,0 +1522,0 +1523,0 +1524,0 +1525,0 +1526,0 +1527,0 +1528,0 +1529,0 +1530,0 +1531,0 +1532,0 +1533,0 +1534,0 +1535,0 +1536,0 +1537,0 +1538,0 +1539,0 +1540,0 +1541,0 +1542,0 +1543,0 +1544,0 +1545,0 +1546,0 +1547,0 +1548,0 +1549,0 +1550,0 +1551,0 +1552,0 +1553,0 +1554,0 +1555,0 +1556,0 +1557,0 +1558,0 +1559,0 +1560,0 +1561,0 +1562,0 +1563,0 +1564,0 +1565,0 +1566,0 +1567,0 +1568,0 +1569,0 +1570,0 +1571,0 +1572,0 +1573,0 +1574,0 +1575,0 +1576,0 +1577,0 +1578,0 +1579,0 +1580,0 +1581,0 +1582,0 +1583,0 +1584,0 +1585,0 +1586,0 +1587,0 +1588,0 +1589,0 +1590,0 +1591,0 +1592,0 +1593,0 +1594,0 +1595,0 +1596,0 +1597,0 +1598,0 +1599,0 +1600,0 +1601,0 +1602,0 +1603,0 +1604,0 +1605,0 +1606,0 +1607,0 +1608,0 +1609,0 +1610,0 +1611,0 +1612,0 +1613,0 +1614,0 +1615,0 +1616,0 +1617,0 +1618,0 +1619,0 +1620,0 +1621,0 +1622,0 +1623,0 +1624,0 +1625,0 +1626,0 +1627,0 +1628,0 +1629,0 +1630,0 +1631,0 +1632,0 +1633,0 +1634,0 +1635,0 +1636,0 +1637,0 +1638,0 +1639,0 +1640,0 +1641,0 +1642,0 +1643,0 +1644,0 +1645,0 +1646,0 +1647,0 +1648,0 +1649,0 +1650,0 +1651,0 +1652,0 +1653,0 +1654,0 +1655,0 +1656,0 +1657,0 +1658,0 +1659,0 +1660,0 +1661,0 +1662,0 +1663,0 +1664,0 +1665,0 +1666,0 +1667,0 +1668,0 +1669,0 +1670,0 +1671,0 +1672,0 +1673,0 +1674,0 +1675,0 +1676,0 +1677,0 +1678,0 +1679,0 +1680,0 +1681,0 +1682,0 +1683,0 +1684,0 +1685,0 +1686,0 +1687,0 +1688,0 +1689,0 +1690,0 +1691,0 +1692,0 +1693,0 +1694,0 +1695,0 +1696,0 +1697,0 +1698,0 +1699,0 +1700,0 +1701,0 +1702,0 +1703,0 +1704,0 +1705,0 +1706,0 +1707,0 +1708,0 +1709,0 +1710,0 +1711,0 +1712,0 +1713,0 +1714,0 +1715,0 +1716,0 +1717,0 +1718,0 +1719,0 +1720,0 +1721,0 +1722,0 +1723,0 +1724,0 +1725,0 +1726,0 +1727,0 +1728,0 +1729,0 +1730,0 +1731,0 +1732,0 +1733,0 +1734,0 +1735,0 +1736,0 +1737,0 +1738,0 +1739,0 +1740,0 +1741,0 +1742,0 +1743,0 +1744,0 +1745,0 +1746,0 +1747,0 +1748,0 +1749,0 +1750,0 +1751,0 +1752,0 +1753,0 +1754,0 +1755,0 +1756,0 +1757,0 +1758,0 +1759,0 +1760,0 +1761,0 +1762,0 +1763,0 +1764,0 +1765,0 +1766,0 +1767,0 +1768,0 +1769,0 +1770,0 +1771,0 +1772,0 +1773,0 +1774,0 +1775,0 +1776,0 +1777,0 +1778,0 +1779,0 +1780,0 +1781,0 +1782,0 +1783,0 +1784,0 +1785,0 +1786,0 +1787,0 +1788,0 +1789,0 +1790,0 +1791,0 +1792,0 +1793,0 +1794,0 +1795,0 +1796,0 +1797,0 +1798,0 +1799,0 +1800,0 +1801,0 +1802,0 +1803,0 +1804,0 +1805,0 +1806,0 +1807,0 +1808,0 +1809,0 +1810,0 +1811,0 +1812,0 +1813,0 +1814,0 +1815,0 +1816,0 +1817,0 +1818,0 +1819,0 +1820,0 +1821,0 +1822,0 +1823,0 +1824,0 +1825,0 +1826,0 +1827,0 +1828,0 +1829,0 +1830,0 +1831,0 +1832,0 +1833,0 +1834,0 +1835,0 +1836,0 +1837,0 +1838,0 +1839,0 +1840,0 +1841,0 +1842,0 +1843,0 +1844,0 +1845,0 +1846,0 +1847,0 +1848,0 +1849,0 +1850,0 +1851,0 +1852,0 +1853,0 +1854,0 +1855,0 +1856,0 +1857,0 +1858,0 +1859,0 +1860,0 +1861,0 +1862,0 +1863,0 +1864,0 +1865,0 +1866,0 +1867,0 +1868,0 +1869,0 +1870,0 +1871,0 +1872,0 +1873,0 +1874,0 +1875,0 +1876,0 +1877,0 +1878,0 +1879,0 +1880,0 +1881,0 +1882,0 +1883,0 +1884,0 +1885,0 +1886,0 +1887,0 +1888,0 +1889,0 +1890,0 +1891,0 +1892,0 +1893,0 +1894,0 +1895,0 +1896,0 +1897,0 +1898,0 +1899,0 +1900,0 +1901,0 +1902,0 +1903,0 +1904,0 +1905,0 +1906,0 +1907,0 +1908,0 +1909,0 +1910,0 +1911,0 +1912,0 +1913,0 +1914,0 +1915,0 +1916,0 +1917,0 +1918,0 +1919,0 +1920,0 +1921,0 +1922,0 +1923,0 +1924,0 +1925,0 +1926,0 +1927,0 +1928,0 +1929,0 +1930,0 +1931,0 +1932,0 +1933,0 +1934,0 +1935,0 +1936,0 +1937,0 +1938,0 +1939,0 +1940,0 +1941,0 +1942,0 +1943,0 +1944,0 +1945,0 +1946,0 +1947,0 +1948,0 +1949,0 +1950,0 +1951,0 +1952,0 +1953,0 +1954,0 +1955,0 +1956,0 +1957,0 +1958,0 +1959,0 +1960,0 +1961,0 +1962,0 +1963,0 +1964,0 +1965,0 +1966,0 +1967,0 +1968,0 +1969,0 +1970,0 +1971,0 +1972,0 +1973,0 +1974,0 +1975,0 +1976,0 +1977,0 +1978,0 +1979,0 +1980,0 +1981,0 +1982,0 +1983,0 +1984,0 +1985,0 +1986,0 +1987,0 +1988,0 +1989,0 +1990,0 +1991,0 +1992,0 +1993,0 +1994,0 +1995,0 +1996,0 +1997,0 +1998,0 +1999,0 +2000,0 +2001,0 +2002,0 +2003,0 +2004,0 +2005,0 +2006,0 +2007,0 +2008,0 +2009,0 +2010,0 +2011,0 +2012,0 +2013,0 +2014,0 +2015,0 +2016,0 +2017,0 +2018,0 +2019,0 +2020,0 +2021,0 +2022,0 +2023,0 +2024,0 +2025,0 +2026,0 +2027,0 +2028,0 +2029,0 +2030,0 +2031,0 +2032,0 +2033,0 +2034,0 +2035,0 +2036,0 +2037,0 +2038,0 +2039,0 +2040,0 +2041,0 +2042,0 +2043,0 +2044,0 +2045,0 +2046,0 +2047,0 +2048,0 +2049,0 +2050,0 +2051,0 +2052,0 +2053,0 +2054,0 +2055,0 +2056,0 +2057,0 +2058,0 +2059,0 +2060,0 +2061,0 +2062,0 +2063,0 +2064,0 +2065,0 +2066,0 +2067,0 +2068,0 +2069,0 +2070,0 +2071,0 +2072,0 +2073,0 +2074,0 +2075,0 +2076,0 +2077,0 +2078,0 +2079,0 +2080,0 +2081,0 +2082,0 +2083,0 +2084,0 +2085,0 +2086,0 +2087,0 +2088,0 +2089,0 +2090,0 +2091,0 +2092,0 +2093,0 +2094,0 +2095,0 +2096,0 +2097,0 +2098,0 +2099,0 +2100,0 +2101,0 +2102,0 +2103,0 +2104,0 +2105,0 +2106,0 +2107,0 +2108,0 +2109,0 +2110,0 +2111,0 +2112,0 +2113,0 +2114,0 +2115,0 +2116,0 +2117,0 +2118,0 +2119,0 +2120,0 +2121,0 +2122,0 +2123,0 +2124,0 +2125,0 +2126,0 +2127,0 +2128,0 +2129,0 +2130,0 +2131,0 +2132,0 +2133,0 +2134,0 +2135,0 +2136,0 +2137,0 +2138,0 +2139,0 +2140,0 +2141,0 +2142,0 +2143,0 +2144,0 +2145,0 +2146,0 +2147,0 +2148,0 +2149,0 +2150,0 +2151,0 +2152,0 +2153,0 +2154,0 +2155,0 +2156,0 +2157,0 +2158,0 +2159,0 +2160,0 +2161,0 +2162,0 +2163,0 +2164,0 +2165,0 +2166,0 +2167,0 +2168,0 +2169,0 +2170,0 +2171,0 +2172,0 +2173,0 +2174,0 +2175,0 +2176,0 +2177,0 +2178,0 +2179,0 +2180,0 +2181,0 +2182,0 +2183,0 +2184,0 +2185,0 +2186,0 +2187,0 +2188,0 +2189,0 +2190,0 +2191,0 +2192,0 +2193,0 +2194,0 +2195,0 +2196,0 +2197,0 +2198,0 +2199,0 +2200,0 +2201,0 +2202,0 +2203,0 +2204,0 +2205,0 +2206,0 +2207,0 +2208,0 +2209,0 +2210,0 +2211,0 +2212,0 +2213,0 +2214,0 +2215,0 +2216,0 +2217,0 +2218,0 +2219,0 +2220,0 +2221,0 +2222,0 +2223,0 +2224,0 +2225,0 +2226,0 +2227,0 +2228,0 +2229,0 +2230,0 +2231,0 +2232,0 +2233,0 +2234,0 +2235,0 +2236,0 +2237,0 +2238,0 +2239,0 +2240,0 +2241,0 +2242,0 +2243,0 +2244,0 +2245,0 +2246,0 +2247,0 +2248,0 +2249,0 +2250,0 +2251,0 +2252,0 +2253,0 +2254,0 +2255,0 +2256,0 +2257,0 +2258,0 +2259,0 +2260,0 +2261,0 +2262,0 +2263,0 +2264,0 +2265,0 +2266,0 +2267,0 +2268,0 +2269,0 +2270,0 +2271,0 +2272,0 +2273,0 +2274,0 +2275,0 +2276,0 +2277,0 +2278,0 +2279,0 +2280,0 +2281,0 +2282,0 +2283,0 +2284,0 +2285,0 +2286,0 +2287,0 +2288,0 +2289,0 +2290,0 +2291,0 +2292,0 +2293,0 +2294,0 +2295,0 +2296,0 +2297,0 +2298,0 +2299,0 +2300,0 +2301,0 +2302,0 +2303,0 +2304,0 +2305,0 +2306,0 +2307,0 +2308,0 +2309,0 +2310,0 +2311,0 +2312,0 +2313,0 +2314,0 +2315,0 +2316,0 +2317,0 +2318,0 +2319,0 +2320,0 +2321,0 +2322,0 +2323,0 +2324,0 +2325,0 +2326,0 +2327,0 +2328,0 +2329,0 +2330,0 +2331,0 +2332,0 +2333,0 +2334,0 +2335,0 +2336,0 +2337,0 +2338,0 +2339,0 +2340,0 +2341,0 +2342,0 +2343,0 +2344,0 +2345,0 +2346,0 +2347,0 +2348,0 +2349,0 +2350,0 +2351,0 +2352,0 +2353,0 +2354,0 +2355,0 +2356,0 +2357,0 +2358,0 +2359,0 +2360,0 +2361,0 +2362,0 +2363,0 +2364,0 +2365,0 +2366,0 +2367,0 +2368,0 +2369,0 +2370,0 +2371,0 +2372,0 +2373,0 +2374,0 +2375,0 +2376,0 +2377,0 +2378,0 +2379,0 +2380,0 +2381,0 +2382,0 +2383,0 +2384,0 +2385,0 +2386,0 +2387,0 +2388,0 +2389,0 +2390,0 +2391,0 +2392,0 +2393,0 +2394,0 +2395,0 +2396,0 +2397,0 +2398,0 +2399,0 +2400,0 +2401,0 +2402,0 +2403,0 +2404,0 +2405,0 +2406,0 +2407,0 +2408,0 +2409,0 +2410,0 +2411,0 +2412,0 +2413,0 +2414,0 +2415,0 +2416,0 +2417,0 +2418,0 +2419,0 +2420,0 +2421,0 +2422,0 +2423,0 +2424,0 +2425,0 +2426,0 +2427,0 +2428,0 +2429,0 +2430,0 +2431,0 +2432,0 +2433,0 +2434,0 +2435,0 +2436,0 +2437,0 +2438,0 +2439,0 +2440,0 +2441,0 +2442,0 +2443,0 +2444,0 +2445,0 +2446,0 +2447,0 +2448,0 +2449,0 +2450,0 +2451,0 +2452,0 +2453,0 +2454,0 +2455,0 +2456,0 +2457,0 +2458,0 +2459,0 +2460,0 +2461,0 +2462,0 +2463,0 +2464,0 +2465,0 +2466,0 +2467,0 +2468,0 +2469,0 +2470,0 +2471,0 +2472,0 +2473,0 +2474,0 +2475,0 +2476,0 +2477,0 +2478,0 +2479,0 +2480,0 +2481,0 +2482,0 +2483,0 +2484,0 +2485,0 +2486,0 +2487,0 +2488,0 +2489,0 +2490,0 +2491,0 +2492,0 +2493,0 +2494,0 +2495,0 +2496,0 +2497,0 +2498,0 +2499,0 +2500,0 +2501,0 +2502,0 +2503,0 +2504,0 +2505,0 +2506,0 +2507,0 +2508,0 +2509,0 +2510,0 +2511,0 +2512,0 +2513,0 +2514,0 +2515,0 +2516,0 +2517,0 +2518,0 +2519,0 +2520,0 +2521,0 +2522,0 +2523,0 +2524,0 +2525,0 +2526,0 +2527,0 +2528,0 +2529,0 +2530,0 +2531,0 +2532,0 +2533,0 +2534,0 +2535,0 +2536,0 +2537,0 +2538,0 +2539,0 +2540,0 +2541,0 +2542,0 +2543,0 +2544,0 +2545,0 +2546,0 +2547,0 +2548,0 +2549,0 +2550,0 +2551,0 +2552,0 +2553,0 +2554,0 +2555,0 +2556,0 +2557,0 +2558,0 +2559,0 +2560,0 +2561,0 +2562,0 +2563,0 +2564,0 +2565,0 +2566,0 +2567,0 +2568,0 +2569,0 +2570,0 +2571,0 +2572,0 +2573,0 +2574,0 +2575,0 +2576,0 +2577,0 +2578,0 +2579,0 +2580,0 +2581,0 +2582,0 +2583,0 +2584,0 +2585,0 +2586,0 +2587,0 +2588,0 +2589,0 +2590,0 +2591,0 +2592,0 +2593,0 +2594,0 +2595,0 +2596,0 +2597,0 +2598,0 +2599,0 +2600,0 +2601,0 +2602,0 +2603,0 +2604,0 +2605,0 +2606,0 +2607,0 +2608,0 +2609,0 +2610,0 +2611,0 +2612,0 +2613,0 +2614,0 +2615,0 +2616,0 +2617,0 +2618,0 +2619,0 +2620,0 +2621,0 +2622,0 +2623,0 +2624,0 +2625,0 +2626,0 +2627,0 +2628,0 +2629,0 +2630,0 +2631,0 +2632,0 +2633,0 +2634,0 +2635,0 +2636,0 +2637,0 +2638,0 +2639,0 +2640,0 +2641,0 +2642,0 +2643,0 +2644,0 +2645,0 +2646,0 +2647,0 +2648,0 +2649,0 +2650,0 +2651,0 +2652,0 +2653,0 +2654,0 +2655,0 +2656,0 +2657,0 +2658,0 +2659,0 +2660,0 +2661,0 +2662,0 +2663,0 +2664,0 +2665,0 +2666,0 +2667,0 +2668,0 +2669,0 +2670,0 +2671,0 +2672,0 +2673,0 +2674,0 +2675,0 +2676,0 +2677,0 +2678,0 +2679,0 +2680,0 +2681,0 +2682,0 +2683,0 +2684,0 +2685,0 +2686,0 +2687,0 +2688,0 +2689,0 +2690,0 +2691,0 +2692,0 +2693,0 +2694,0 +2695,0 +2696,0 +2697,0 +2698,0 +2699,0 +2700,0 +2701,0 +2702,0 +2703,0 +2704,0 +2705,0 +2706,0 +2707,0 +2708,0 +2709,0 +2710,0 +2711,0 +2712,0 +2713,0 +2714,0 +2715,0 +2716,0 +2717,0 +2718,0 +2719,0 +2720,0 +2721,0 +2722,0 +2723,0 +2724,0 +2725,0 +2726,0 +2727,0 +2728,0 +2729,0 +2730,0 +2731,0 +2732,0 +2733,0 +2734,0 +2735,0 +2736,0 +2737,0 +2738,0 +2739,0 +2740,0 +2741,0 +2742,0 +2743,0 +2744,0 +2745,0 +2746,0 +2747,0 +2748,0 +2749,0 +2750,0 +2751,0 +2752,0 +2753,0 +2754,0 +2755,0 +2756,0 +2757,0 +2758,0 +2759,0 +2760,0 +2761,0 +2762,0 +2763,0 +2764,0 +2765,0 +2766,0 +2767,0 +2768,0 +2769,0 +2770,0 +2771,0 +2772,0 +2773,0 +2774,0 +2775,0 +2776,0 +2777,0 +2778,0 +2779,0 +2780,0 +2781,0 +2782,0 +2783,0 +2784,0 +2785,0 +2786,0 +2787,0 +2788,0 +2789,0 +2790,0 +2791,0 +2792,0 +2793,0 +2794,0 +2795,0 +2796,0 +2797,0 +2798,0 +2799,0 +2800,0 +2801,0 +2802,0 +2803,0 +2804,0 +2805,0 +2806,0 +2807,0 +2808,0 +2809,0 +2810,0 +2811,0 +2812,0 +2813,0 +2814,0 +2815,0 +2816,0 +2817,0 +2818,0 +2819,0 +2820,0 +2821,0 +2822,0 +2823,0 +2824,0 +2825,0 +2826,0 +2827,0 +2828,0 +2829,0 +2830,0 +2831,0 +2832,0 +2833,0 +2834,0 +2835,0 +2836,0 +2837,0 +2838,0 +2839,0 +2840,0 +2841,0 +2842,0 +2843,0 +2844,0 +2845,0 +2846,0 +2847,0 +2848,0 +2849,0 +2850,0 +2851,0 +2852,0 +2853,0 +2854,0 +2855,0 +2856,0 +2857,0 +2858,0 +2859,0 +2860,0 +2861,0 +2862,0 +2863,0 +2864,0 +2865,0 +2866,0 +2867,0 +2868,0 +2869,0 +2870,0 +2871,0 +2872,0 +2873,0 +2874,0 +2875,0 +2876,0 +2877,0 +2878,0 +2879,0 +2880,0 +2881,0 +2882,0 +2883,0 +2884,0 +2885,0 +2886,0 +2887,0 +2888,0 +2889,0 +2890,0 +2891,0 +2892,0 +2893,0 +2894,0 +2895,0 +2896,0 +2897,0 +2898,0 +2899,0 +2900,0 +2901,0 +2902,0 +2903,0 +2904,0 +2905,0 +2906,0 +2907,0 +2908,0 +2909,0 +2910,0 +2911,0 +2912,0 +2913,0 +2914,0 +2915,0 +2916,0 +2917,0 +2918,0 +2919,0 +2920,0 +2921,0 +2922,0 +2923,0 +2924,0 +2925,0 +2926,0 +2927,0 +2928,0 +2929,0 +2930,0 +2931,0 +2932,0 +2933,0 +2934,0 +2935,0 +2936,0 +2937,0 +2938,0 +2939,0 +2940,0 +2941,0 +2942,0 +2943,0 +2944,0 +2945,0 +2946,0 +2947,0 +2948,0 +2949,0 +2950,0 +2951,0 +2952,0 +2953,0 +2954,0 +2955,0 +2956,0 +2957,0 +2958,0 +2959,0 +2960,0 +2961,0 +2962,0 +2963,0 +2964,0 +2965,0 +2966,0 +2967,0 +2968,0 +2969,0 +2970,0 +2971,0 +2972,0 +2973,0 +2974,0 +2975,0 +2976,0 +2977,0 +2978,0 +2979,0 +2980,0 +2981,0 +2982,0 +2983,0 +2984,0 +2985,0 +2986,0 +2987,0 +2988,0 +2989,0 +2990,0 +2991,0 +2992,0 +2993,0 +2994,0 +2995,0 +2996,0 +2997,0 +2998,0 +2999,0 +3000,0 +3001,0 +3002,0 +3003,0 +3004,0 +3005,0 +3006,0 +3007,0 +3008,0 +3009,0 +3010,0 +3011,0 +3012,0 +3013,0 +3014,0 +3015,0 +3016,0 +3017,0 +3018,0 +3019,0 +3020,0 +3021,0 +3022,0 +3023,0 +3024,0 +3025,0 +3026,0 +3027,0 +3028,0 +3029,0 +3030,0 +3031,0 +3032,0 +3033,0 +3034,0 +3035,0 +3036,0 +3037,0 +3038,0 +3039,0 +3040,0 +3041,0 +3042,0 +3043,0 +3044,0 +3045,0 +3046,0 +3047,0 +3048,0 +3049,0 +3050,0 +3051,0 +3052,0 +3053,0 +3054,0 +3055,0 +3056,0 +3057,0 +3058,0 +3059,0 +3060,0 +3061,0 +3062,0 +3063,0 +3064,0 +3065,0 +3066,0 +3067,0 +3068,0 +3069,0 +3070,0 +3071,0 +3072,0 +3073,0 +3074,0 +3075,0 +3076,0 +3077,0 +3078,0 +3079,0 +3080,0 +3081,0 +3082,0 +3083,0 +3084,0 +3085,0 +3086,0 +3087,0 +3088,0 +3089,0 +3090,0 +3091,0 +3092,0 +3093,0 +3094,0 +3095,0 +3096,0 +3097,0 +3098,0 +3099,0 +3100,0 +3101,0 +3102,0 +3103,0 +3104,0 +3105,0 +3106,0 +3107,0 +3108,0 +3109,0 +3110,0 +3111,0 +3112,0 +3113,0 +3114,0 +3115,0 +3116,0 +3117,0 +3118,0 +3119,0 +3120,0 +3121,0 +3122,0 +3123,0 +3124,0 +3125,0 +3126,0 +3127,0 +3128,0 +3129,0 +3130,0 +3131,0 +3132,0 +3133,0 +3134,0 +3135,0 +3136,0 +3137,0 +3138,0 +3139,0 +3140,0 +3141,0 +3142,0 +3143,0 +3144,0 +3145,0 +3146,0 +3147,0 +3148,0 +3149,0 +3150,0 +3151,0 +3152,0 +3153,0 +3154,0 +3155,0 +3156,0 +3157,0 +3158,0 +3159,0 +3160,0 +3161,0 +3162,0 +3163,0 +3164,0 +3165,0 +3166,0 +3167,0 +3168,0 +3169,0 +3170,0 +3171,0 +3172,0 +3173,0 +3174,0 +3175,0 +3176,0 +3177,0 +3178,0 +3179,0 +3180,0 +3181,0 +3182,0 +3183,0 +3184,0 +3185,0 +3186,0 +3187,0 +3188,0 +3189,0 +3190,0 +3191,0 +3192,0 +3193,0 +3194,0 +3195,0 +3196,0 +3197,0 +3198,0 +3199,0 +3200,0 +3201,0 +3202,0 +3203,0 +3204,0 +3205,0 +3206,0 +3207,0 +3208,0 +3209,0 +3210,0 +3211,0 +3212,0 +3213,0 +3214,0 +3215,0 +3216,0 +3217,0 +3218,0 +3219,0 +3220,0 +3221,0 +3222,0 +3223,0 +3224,0 +3225,0 +3226,0 +3227,0 +3228,0 +3229,0 +3230,0 +3231,0 +3232,0 +3233,0 +3234,0 +3235,0 +3236,0 +3237,0 +3238,0 +3239,0 +3240,0 +3241,0 +3242,0 +3243,0 +3244,0 +3245,0 +3246,0 +3247,0 +3248,0 +3249,0 +3250,0 +3251,0 +3252,0 +3253,0 +3254,0 +3255,0 +3256,0 +3257,0 +3258,0 +3259,0 +3260,0 +3261,0 +3262,0 +3263,0 +3264,0 +3265,0 +3266,0 +3267,0 +3268,0 +3269,0 +3270,0 +3271,0 +3272,0 +3273,0 +3274,0 +3275,0 +3276,0 +3277,0 +3278,0 +3279,0 +3280,0 +3281,0 +3282,0 +3283,0 +3284,0 +3285,0 +3286,0 +3287,0 +3288,0 +3289,0 +3290,0 +3291,0 +3292,0 +3293,0 +3294,0 +3295,0 +3296,0 +3297,0 +3298,0 +3299,0 +3300,0 +3301,0 +3302,0 +3303,0 +3304,0 +3305,0 +3306,0 +3307,0 +3308,0 +3309,0 +3310,0 +3311,0 +3312,0 +3313,0 +3314,0 +3315,0 +3316,0 +3317,0 +3318,0 +3319,0 +3320,0 +3321,0 +3322,0 +3323,0 +3324,0 +3325,0 +3326,0 +3327,0 +3328,0 +3329,0 +3330,0 +3331,0 +3332,0 +3333,0 +3334,0 +3335,0 +3336,0 +3337,0 +3338,0 +3339,0 +3340,0 +3341,0 +3342,0 +3343,0 +3344,0 +3345,0 +3346,0 +3347,0 +3348,0 +3349,0 +3350,0 +3351,0 +3352,0 +3353,0 +3354,0 +3355,0 +3356,0 +3357,0 +3358,0 +3359,0 +3360,0 +3361,0 +3362,0 +3363,0 +3364,0 +3365,0 +3366,0 +3367,0 +3368,0 +3369,0 +3370,0 +3371,0 +3372,0 +3373,0 +3374,0 +3375,0 +3376,0 +3377,0 +3378,0 +3379,0 +3380,0 +3381,0 +3382,0 +3383,0 +3384,0 +3385,0 +3386,0 +3387,0 +3388,0 +3389,0 +3390,0 +3391,0 +3392,0 +3393,0 +3394,0 +3395,0 +3396,0 +3397,0 +3398,0 +3399,0 +3400,0 +3401,0 +3402,0 +3403,0 +3404,0 +3405,0 +3406,0 +3407,0 +3408,0 +3409,0 +3410,0 +3411,0 +3412,0 +3413,0 +3414,0 +3415,0 +3416,0 +3417,0 +3418,0 +3419,0 +3420,0 +3421,0 +3422,0 +3423,0 +3424,0 +3425,0 +3426,0 +3427,0 +3428,0 +3429,0 +3430,0 +3431,0 +3432,0 +3433,0 +3434,0 +3435,0 +3436,0 +3437,0 +3438,0 +3439,0 +3440,0 +3441,0 +3442,0 +3443,0 +3444,0 +3445,0 +3446,0 +3447,0 +3448,0 +3449,0 +3450,0 +3451,0 +3452,0 +3453,0 +3454,0 +3455,0 +3456,0 +3457,0 +3458,0 +3459,0 +3460,0 +3461,0 +3462,0 +3463,0 +3464,0 +3465,0 +3466,0 +3467,0 +3468,0 +3469,0 +3470,0 +3471,0 +3472,0 +3473,0 +3474,0 +3475,0 +3476,0 +3477,0 +3478,0 +3479,0 +3480,0 +3481,0 +3482,0 +3483,0 +3484,0 +3485,0 +3486,0 +3487,0 +3488,0 +3489,0 +3490,0 +3491,0 +3492,0 +3493,0 +3494,0 +3495,0 +3496,0 +3497,0 +3498,0 +3499,0 +3500,0 +3501,0 +3502,0 +3503,0 +3504,0 +3505,0 +3506,0 +3507,0 +3508,0 +3509,0 +3510,0 +3511,0 +3512,0 +3513,0 +3514,0 +3515,0 +3516,0 +3517,0 +3518,0 +3519,0 +3520,0 +3521,0 +3522,0 +3523,0 +3524,0 +3525,0 +3526,0 +3527,0 +3528,0 +3529,0 +3530,0 +3531,0 +3532,0 +3533,0 +3534,0 +3535,0 +3536,0 +3537,0 +3538,0 +3539,0 +3540,0 +3541,0 +3542,0 +3543,0 +3544,0 +3545,0 +3546,0 +3547,0 +3548,0 +3549,0 +3550,0 +3551,0 +3552,0 +3553,0 +3554,0 +3555,0 +3556,0 +3557,0 +3558,0 +3559,0 +3560,0 +3561,0 +3562,0 +3563,0 +3564,0 +3565,0 +3566,0 +3567,0 +3568,0 +3569,0 +3570,0 +3571,0 +3572,0 +3573,0 +3574,0 +3575,0 +3576,0 +3577,0 +3578,0 +3579,0 +3580,0 +3581,0 +3582,0 +3583,0 +3584,0 +3585,0 +3586,0 +3587,0 +3588,0 +3589,0 +3590,0 +3591,0 +3592,0 +3593,0 +3594,0 +3595,0 +3596,0 +3597,0 +3598,0 +3599,0 +3600,0 +3601,0 +3602,0 +3603,0 +3604,0 +3605,0 +3606,0 +3607,0 +3608,0 +3609,0 +3610,0 +3611,0 +3612,0 +3613,0 +3614,0 +3615,0 +3616,0 +3617,0 +3618,0 +3619,0 +3620,0 +3621,0 +3622,0 +3623,0 +3624,0 +3625,0 +3626,0 +3627,0 +3628,0 +3629,0 +3630,0 +3631,0 +3632,0 +3633,0 +3634,0 +3635,0 +3636,0 +3637,0 +3638,0 +3639,0 +3640,0 +3641,0 +3642,0 +3643,0 +3644,0 +3645,0 +3646,0 +3647,0 +3648,0 +3649,0 +3650,0 +3651,0 +3652,0 +3653,0 +3654,0 +3655,0 +3656,0 +3657,0 +3658,0 +3659,0 +3660,0 +3661,0 +3662,0 +3663,0 +3664,0 +3665,0 +3666,0 +3667,0 +3668,0 +3669,0 +3670,0 +3671,0 +3672,0 +3673,0 +3674,0 +3675,0 +3676,0 +3677,0 +3678,0 +3679,0 +3680,0 +3681,0 +3682,0 +3683,0 +3684,0 +3685,0 +3686,0 +3687,0 +3688,0 +3689,0 +3690,0 +3691,0 +3692,0 +3693,0 +3694,0 +3695,0 +3696,0 +3697,0 +3698,0 +3699,0 +3700,0 +3701,0 +3702,0 +3703,0 +3704,0 +3705,0 +3706,0 +3707,0 +3708,0 +3709,0 +3710,0 +3711,0 +3712,0 +3713,0 +3714,0 +3715,0 +3716,0 +3717,0 +3718,0 +3719,0 +3720,0 +3721,0 +3722,0 +3723,0 +3724,0 +3725,0 +3726,0 +3727,0 +3728,0 +3729,0 +3730,0 +3731,0 +3732,0 +3733,0 +3734,0 +3735,0 +3736,0 +3737,0 +3738,0 +3739,0 +3740,0 +3741,0 +3742,0 +3743,0 +3744,0 +3745,0 +3746,0 +3747,0 +3748,0 +3749,0 +3750,0 +3751,0 +3752,0 +3753,0 +3754,0 +3755,0 +3756,0 +3757,0 +3758,0 +3759,0 +3760,0 +3761,0 +3762,0 +3763,0 +3764,0 +3765,0 +3766,0 +3767,0 +3768,0 +3769,0 +3770,0 +3771,0 +3772,0 +3773,0 +3774,0 +3775,0 +3776,0 +3777,0 +3778,0 +3779,0 +3780,0 +3781,0 +3782,0 +3783,0 +3784,0 +3785,0 +3786,0 +3787,0 +3788,0 +3789,0 +3790,0 +3791,0 +3792,0 +3793,0 +3794,0 +3795,0 +3796,0 +3797,0 +3798,0 +3799,0 +3800,0 +3801,0 +3802,0 +3803,0 +3804,0 +3805,0 +3806,0 +3807,0 +3808,0 +3809,0 +3810,0 +3811,0 +3812,0 +3813,0 +3814,0 +3815,0 +3816,0 +3817,0 +3818,0 +3819,0 +3820,0 +3821,0 +3822,0 +3823,0 +3824,0 +3825,0 +3826,0 +3827,0 +3828,0 +3829,0 +3830,0 +3831,0 +3832,0 +3833,0 +3834,0 +3835,0 +3836,0 +3837,0 +3838,0 +3839,0 +3840,0 +3841,0 +3842,0 +3843,0 +3844,0 +3845,0 +3846,0 +3847,0 +3848,0 +3849,0 +3850,0 +3851,0 +3852,0 +3853,0 +3854,0 +3855,0 +3856,0 +3857,0 +3858,0 +3859,0 +3860,0 +3861,0 +3862,0 +3863,0 +3864,0 +3865,0 +3866,0 +3867,0 +3868,0 +3869,0 +3870,0 +3871,0 +3872,0 +3873,0 +3874,0 +3875,0 +3876,0 +3877,0 +3878,0 +3879,0 +3880,0 +3881,0 +3882,0 +3883,0 +3884,0 +3885,0 +3886,0 +3887,0 +3888,0 +3889,0 +3890,0 +3891,0 +3892,0 +3893,0 +3894,0 +3895,0 +3896,0 +3897,0 +3898,0 +3899,0 +3900,0 +3901,0 +3902,0 +3903,0 +3904,0 +3905,0 +3906,0 +3907,0 +3908,0 +3909,0 +3910,0 +3911,0 +3912,0 +3913,0 +3914,0 +3915,0 +3916,0 +3917,0 +3918,0 +3919,0 +3920,0 +3921,0 +3922,0 +3923,0 +3924,0 +3925,0 +3926,0 +3927,0 +3928,0 +3929,0 +3930,0 +3931,0 +3932,0 +3933,0 +3934,0 +3935,0 +3936,0 +3937,0 +3938,0 +3939,0 +3940,0 +3941,0 +3942,0 +3943,0 +3944,0 +3945,0 +3946,0 +3947,0 +3948,0 +3949,0 +3950,0 +3951,0 +3952,0 +3953,0 +3954,0 +3955,0 +3956,0 +3957,0 +3958,0 +3959,0 +3960,0 +3961,0 +3962,0 +3963,0 +3964,0 +3965,0 +3966,0 +3967,0 +3968,0 +3969,0 +3970,0 +3971,0 +3972,0 +3973,0 +3974,0 +3975,0 +3976,0 +3977,0 +3978,0 +3979,0 +3980,0 +3981,0 +3982,0 +3983,0 +3984,0 +3985,0 +3986,0 +3987,0 +3988,0 +3989,0 +3990,0 +3991,0 +3992,0 +3993,0 +3994,0 +3995,0 +3996,0 +3997,0 +3998,0 +3999,0 +4000,0 +4001,0 +4002,0 +4003,0 +4004,0 +4005,0 +4006,0 +4007,0 +4008,0 +4009,0 +4010,0 +4011,0 +4012,0 +4013,0 +4014,0 +4015,0 +4016,0 +4017,0 +4018,0 +4019,0 +4020,0 +4021,0 +4022,0 +4023,0 +4024,0 +4025,0 +4026,0 +4027,0 +4028,0 +4029,0 +4030,0 +4031,0 +4032,0 +4033,0 +4034,0 +4035,0 +4036,0 +4037,0 +4038,0 +4039,0 +4040,0 +4041,0 +4042,0 +4043,0 +4044,0 +4045,0 +4046,0 +4047,0 +4048,0 +4049,0 +4050,0 +4051,0 +4052,0 +4053,0 +4054,0 +4055,0 +4056,0 +4057,0 +4058,0 +4059,0 +4060,0 +4061,0 +4062,0 +4063,0 +4064,0 +4065,0 +4066,0 +4067,0 +4068,0 +4069,0 +4070,0 +4071,0 +4072,0 +4073,0 +4074,0 +4075,0 +4076,0 +4077,0 +4078,0 +4079,0 +4080,0 +4081,0 +4082,0 +4083,0 +4084,0 +4085,0 +4086,0 +4087,0 +4088,0 +4089,0 +4090,0 +4091,0 +4092,0 +4093,0 +4094,0 +4095,0 +4096,0 +4097,0 +4098,0 +4099,0 +4100,0 +4101,0 +4102,0 +4103,0 +4104,0 +4105,0 +4106,0 +4107,0 +4108,0 +4109,0 +4110,0 +4111,0 +4112,0 +4113,0 +4114,0 +4115,0 +4116,0 +4117,0 +4118,0 +4119,0 +4120,0 +4121,0 +4122,0 +4123,0 +4124,0 +4125,0 +4126,0 +4127,0 +4128,0 +4129,0 +4130,0 +4131,0 +4132,0 +4133,0 +4134,0 +4135,0 +4136,0 +4137,0 +4138,0 +4139,0 +4140,0 +4141,0 +4142,0 +4143,0 +4144,0 +4145,0 +4146,0 +4147,0 +4148,0 +4149,0 +4150,0 +4151,0 +4152,0 +4153,0 +4154,0 +4155,0 +4156,0 +4157,0 +4158,0 +4159,0 +4160,0 +4161,0 +4162,0 +4163,0 +4164,0 +4165,0 +4166,0 +4167,0 +4168,0 +4169,0 +4170,0 +4171,0 +4172,0 +4173,0 +4174,0 +4175,0 +4176,0 +4177,0 +4178,0 +4179,0 +4180,0 +4181,0 +4182,0 +4183,0 +4184,0 +4185,0 +4186,0 +4187,0 +4188,0 +4189,0 +4190,0 +4191,0 +4192,0 +4193,0 +4194,0 +4195,0 +4196,0 +4197,0 +4198,0 +4199,0 +4200,0 +4201,0 +4202,0 +4203,0 +4204,0 +4205,0 +4206,0 +4207,0 +4208,0 +4209,0 +4210,0 +4211,0 +4212,0 +4213,0 +4214,0 +4215,0 +4216,0 +4217,0 +4218,0 +4219,0 +4220,0 +4221,0 +4222,0 +4223,0 +4224,0 +4225,0 +4226,0 +4227,0 +4228,0 +4229,0 +4230,0 +4231,0 +4232,0 +4233,0 +4234,0 +4235,0 +4236,0 +4237,0 +4238,0 +4239,0 +4240,0 +4241,0 +4242,0 +4243,0 +4244,0 +4245,0 +4246,0 +4247,0 +4248,0 +4249,0 +4250,0 +4251,0 +4252,0 +4253,0 +4254,0 +4255,0 +4256,0 +4257,0 +4258,0 +4259,0 +4260,0 +4261,0 +4262,0 +4263,0 +4264,0 +4265,0 +4266,0 +4267,0 +4268,0 +4269,0 +4270,0 +4271,0 +4272,0 +4273,0 +4274,0 +4275,0 +4276,0 +4277,0 +4278,0 +4279,0 +4280,0 +4281,0 +4282,0 +4283,0 +4284,0 +4285,0 +4286,0 +4287,0 +4288,0 +4289,0 +4290,0 +4291,0 +4292,0 +4293,0 +4294,0 +4295,0 +4296,0 +4297,0 +4298,0 +4299,0 +4300,0 +4301,0 +4302,0 +4303,0 +4304,0 +4305,0 +4306,0 +4307,0 +4308,0 +4309,0 +4310,0 +4311,0 +4312,0 +4313,0 +4314,0 +4315,0 +4316,0 +4317,0 +4318,0 +4319,0 +4320,0 +4321,0 +4322,0 +4323,0 +4324,0 +4325,0 +4326,0 +4327,0 +4328,0 +4329,0 +4330,0 +4331,0 +4332,0 +4333,0 +4334,0 +4335,0 +4336,0 +4337,0 +4338,0 +4339,0 +4340,0 +4341,0 +4342,0 +4343,0 +4344,0 +4345,0 +4346,0 +4347,0 +4348,0 +4349,0 +4350,0 +4351,0 +4352,0 +4353,0 +4354,0 +4355,0 +4356,0 +4357,0 +4358,0 +4359,0 +4360,0 +4361,0 +4362,0 +4363,0 +4364,0 +4365,0 +4366,0 +4367,0 +4368,0 +4369,0 +4370,0 +4371,0 +4372,0 +4373,0 +4374,0 +4375,0 +4376,0 +4377,0 +4378,0 +4379,0 +4380,0 +4381,0 +4382,0 +4383,0 +4384,0 +4385,0 +4386,0 +4387,0 +4388,0 +4389,0 +4390,0 +4391,0 +4392,0 +4393,0 +4394,0 +4395,0 +4396,0 +4397,0 +4398,0 +4399,0 +4400,0 +4401,0 +4402,0 +4403,0 +4404,0 +4405,0 +4406,0 +4407,0 +4408,0 +4409,0 +4410,0 +4411,0 +4412,0 +4413,0 +4414,0 +4415,0 +4416,0 +4417,0 +4418,0 +4419,0 +4420,0 +4421,0 +4422,0 +4423,0 +4424,0 +4425,0 +4426,0 +4427,0 +4428,0 +4429,0 +4430,0 +4431,0 +4432,0 +4433,0 +4434,0 +4435,0 +4436,0 +4437,0 +4438,0 +4439,0 +4440,0 +4441,0 +4442,0 +4443,0 +4444,0 +4445,0 +4446,0 +4447,0 +4448,0 +4449,0 +4450,0 +4451,0 +4452,0 +4453,0 +4454,0 +4455,0 +4456,0 +4457,0 +4458,0 +4459,0 +4460,0 +4461,0 +4462,0 +4463,0 +4464,0 +4465,0 +4466,0 +4467,0 +4468,0 +4469,0 +4470,0 +4471,0 +4472,0 +4473,0 +4474,0 +4475,0 +4476,0 +4477,0 +4478,0 +4479,0 +4480,0 +4481,0 +4482,0 +4483,0 +4484,0 +4485,0 +4486,0 +4487,0 +4488,0 +4489,0 +4490,0 +4491,0 +4492,0 +4493,0 +4494,0 +4495,0 +4496,0 +4497,0 +4498,0 +4499,0 +4500,0 +4501,0 +4502,0 +4503,0 +4504,0 +4505,0 +4506,0 +4507,0 +4508,0 +4509,0 +4510,0 +4511,0 +4512,0 +4513,0 +4514,0 +4515,0 +4516,0 +4517,0 +4518,0 +4519,0 +4520,0 +4521,0 +4522,0 +4523,0 +4524,0 +4525,0 +4526,0 +4527,0 +4528,0 +4529,0 +4530,0 +4531,0 +4532,0 +4533,0 +4534,0 +4535,0 +4536,0 +4537,0 +4538,0 +4539,0 +4540,0 +4541,0 +4542,0 +4543,0 +4544,0 +4545,0 +4546,0 +4547,0 +4548,0 +4549,0 +4550,0 +4551,0 +4552,0 +4553,0 +4554,0 +4555,0 +4556,0 +4557,0 +4558,0 +4559,0 +4560,0 +4561,0 +4562,0 +4563,0 +4564,0 +4565,0 +4566,0 +4567,0 +4568,0 +4569,0 +4570,0 +4571,0 +4572,0 +4573,0 +4574,0 +4575,0 +4576,0 +4577,0 +4578,0 +4579,0 +4580,0 +4581,0 +4582,0 +4583,0 +4584,0 +4585,0 +4586,0 +4587,0 +4588,0 +4589,0 +4590,0 +4591,0 +4592,0 +4593,0 +4594,0 +4595,0 +4596,0 +4597,0 +4598,0 +4599,0 +4600,0 +4601,0 +4602,0 +4603,0 +4604,0 +4605,0 +4606,0 +4607,0 +4608,0 +4609,0 +4610,0 +4611,0 +4612,0 +4613,0 +4614,0 +4615,0 +4616,0 +4617,0 +4618,0 +4619,0 +4620,0 +4621,0 +4622,0 +4623,0 +4624,0 +4625,0 +4626,0 +4627,0 +4628,0 +4629,0 +4630,0 +4631,0 +4632,0 +4633,0 +4634,0 +4635,0 +4636,0 +4637,0 +4638,0 +4639,0 +4640,0 +4641,0 +4642,0 +4643,0 +4644,0 +4645,0 +4646,0 +4647,0 +4648,0 +4649,0 +4650,0 +4651,0 +4652,0 +4653,0 +4654,0 +4655,0 +4656,0 +4657,0 +4658,0 +4659,0 +4660,0 +4661,0 +4662,0 +4663,0 +4664,0 +4665,0 +4666,0 +4667,0 +4668,0 +4669,0 +4670,0 +4671,0 +4672,0 +4673,0 +4674,0 +4675,0 +4676,0 +4677,0 +4678,0 +4679,0 +4680,0 +4681,0 +4682,0 +4683,0 +4684,0 +4685,0 +4686,0 +4687,0 +4688,0 +4689,0 +4690,0 +4691,0 +4692,0 +4693,0 +4694,0 +4695,0 +4696,0 +4697,0 +4698,0 +4699,0 +4700,0 +4701,0 +4702,0 +4703,0 +4704,0 +4705,0 +4706,0 +4707,0 +4708,0 +4709,0 +4710,0 +4711,0 +4712,0 +4713,0 +4714,0 +4715,0 +4716,0 +4717,0 +4718,0 +4719,0 +4720,0 +4721,0 +4722,0 +4723,0 +4724,0 +4725,0 +4726,0 +4727,0 +4728,0 +4729,0 +4730,0 +4731,0 +4732,0 +4733,0 +4734,0 +4735,0 +4736,0 +4737,0 +4738,0 +4739,0 +4740,0 +4741,0 +4742,0 +4743,0 +4744,0 +4745,0 +4746,0 +4747,0 +4748,0 +4749,0 +4750,0 +4751,0 +4752,0 +4753,0 +4754,0 +4755,0 +4756,0 +4757,0 +4758,0 +4759,0 +4760,0 +4761,0 +4762,0 +4763,0 +4764,0 +4765,0 +4766,0 +4767,0 +4768,0 +4769,0 +4770,0 +4771,0 +4772,0 +4773,0 +4774,0 +4775,0 +4776,0 +4777,0 +4778,0 +4779,0 +4780,0 +4781,0 +4782,0 +4783,0 +4784,0 +4785,0 +4786,0 +4787,0 +4788,0 +4789,0 +4790,0 +4791,0 +4792,0 +4793,0 +4794,0 +4795,0 +4796,0 +4797,0 +4798,0 +4799,0 +4800,0 +4801,0 +4802,0 +4803,0 +4804,0 +4805,0 +4806,0 +4807,0 +4808,0 +4809,0 +4810,0 +4811,0 +4812,0 +4813,0 +4814,0 +4815,0 +4816,0 +4817,0 +4818,0 +4819,0 +4820,0 +4821,0 +4822,0 +4823,0 +4824,0 +4825,0 +4826,0 +4827,0 +4828,0 +4829,0 +4830,0 +4831,0 +4832,0 +4833,0 +4834,0 +4835,0 +4836,0 +4837,0 +4838,0 +4839,0 +4840,0 +4841,0 +4842,0 +4843,0 +4844,0 +4845,0 +4846,0 +4847,0 +4848,0 +4849,0 +4850,0 +4851,0 +4852,0 +4853,0 +4854,0 +4855,0 +4856,0 +4857,0 +4858,0 +4859,0 +4860,0 +4861,0 +4862,0 +4863,0 +4864,0 +4865,0 +4866,0 +4867,0 +4868,0 +4869,0 +4870,0 +4871,0 +4872,0 +4873,0 +4874,0 +4875,0 +4876,0 +4877,0 +4878,0 +4879,0 +4880,0 +4881,0 +4882,0 +4883,0 +4884,0 +4885,0 +4886,0 +4887,0 +4888,0 +4889,0 +4890,0 +4891,0 +4892,0 +4893,0 +4894,0 +4895,0 +4896,0 +4897,0 +4898,0 +4899,0 +4900,0 +4901,0 +4902,0 +4903,0 +4904,0 +4905,0 +4906,0 +4907,0 +4908,0 +4909,0 +4910,0 +4911,0 +4912,0 +4913,0 +4914,0 +4915,0 +4916,0 +4917,0 +4918,0 +4919,0 +4920,0 +4921,0 +4922,0 +4923,0 +4924,0 +4925,0 +4926,0 +4927,0 +4928,0 +4929,0 +4930,0 +4931,0 +4932,0 +4933,0 +4934,0 +4935,0 +4936,0 +4937,0 +4938,0 +4939,0 +4940,0 +4941,0 +4942,0 +4943,0 +4944,0 +4945,0 +4946,0 +4947,0 +4948,0 +4949,0 +4950,0 +4951,0 +4952,0 +4953,0 +4954,0 +4955,0 +4956,0 +4957,0 +4958,0 +4959,0 +4960,0 +4961,0 +4962,0 +4963,0 +4964,0 +4965,0 +4966,0 +4967,0 +4968,0 +4969,0 +4970,0 +4971,0 +4972,0 +4973,0 +4974,0 +4975,0 +4976,0 +4977,0 +4978,0 +4979,0 +4980,0 +4981,0 +4982,0 +4983,0 +4984,0 +4985,0 +4986,0 +4987,0 +4988,0 +4989,0 +4990,0 +4991,0 +4992,0 +4993,0 +4994,0 +4995,0 +4996,0 +4997,0 +4998,0 +4999,0 +5000,0 +5001,0 +5002,0 +5003,0 +5004,0 +5005,0 +5006,0 +5007,0 +5008,0 +5009,0 +5010,0 +5011,0 +5012,0 +5013,0 +5014,0 +5015,0 +5016,0 +5017,0 +5018,0 +5019,0 +5020,0 +5021,0 +5022,0 +5023,0 +5024,0 +5025,0 +5026,0 +5027,0 +5028,0 +5029,0 +5030,0 +5031,0 +5032,0 +5033,0 +5034,0 +5035,0 +5036,0 +5037,0 +5038,0 +5039,0 +5040,0 +5041,0 +5042,0 +5043,0 +5044,0 +5045,0 +5046,0 +5047,0 +5048,0 +5049,0 +5050,0 +5051,0 +5052,0 +5053,0 +5054,0 +5055,0 +5056,0 +5057,0 +5058,0 +5059,0 +5060,0 +5061,0 +5062,0 +5063,0 +5064,0 +5065,0 +5066,0 +5067,0 +5068,0 +5069,0 +5070,0 +5071,0 +5072,0 +5073,0 +5074,0 +5075,0 +5076,0 +5077,0 +5078,0 +5079,0 +5080,0 +5081,0 +5082,0 +5083,0 +5084,0 +5085,0 +5086,0 +5087,0 +5088,0 +5089,0 +5090,0 +5091,0 +5092,0 +5093,0 +5094,0 +5095,0 +5096,0 +5097,0 +5098,0 +5099,0 +5100,0 +5101,0 +5102,0 +5103,0 +5104,0 +5105,0 +5106,0 +5107,0 +5108,0 +5109,0 +5110,0 +5111,0 +5112,0 +5113,0 +5114,0 +5115,0 +5116,0 +5117,0 +5118,0 +5119,0 +5120,0 +5121,0 +5122,0 +5123,0 +5124,0 +5125,0 +5126,0 +5127,0 +5128,0 +5129,0 +5130,0 +5131,0 +5132,0 +5133,0 +5134,0 +5135,0 +5136,0 +5137,0 +5138,0 +5139,0 +5140,0 +5141,0 +5142,0 +5143,0 +5144,0 +5145,0 +5146,0 +5147,0 +5148,0 +5149,0 +5150,0 +5151,0 +5152,0 +5153,0 +5154,0 +5155,0 +5156,0 +5157,0 +5158,0 +5159,0 +5160,0 +5161,0 +5162,0 +5163,0 +5164,0 +5165,0 +5166,0 +5167,0 +5168,0 +5169,0 +5170,0 +5171,0 +5172,0 +5173,0 +5174,0 +5175,0 +5176,0 +5177,0 +5178,0 +5179,0 +5180,0 +5181,0 +5182,0 +5183,0 +5184,0 +5185,0 +5186,0 +5187,0 +5188,0 +5189,0 +5190,0 +5191,0 +5192,0 +5193,0 +5194,0 +5195,0 +5196,0 +5197,0 +5198,0 +5199,0 +5200,0 +5201,0 +5202,0 +5203,0 +5204,0 +5205,0 +5206,0 +5207,0 +5208,0 +5209,0 +5210,0 +5211,0 +5212,0 +5213,0 +5214,0 +5215,0 +5216,0 +5217,0 +5218,0 +5219,0 +5220,0 +5221,0 +5222,0 +5223,0 +5224,0 +5225,0 +5226,0 +5227,0 +5228,0 +5229,0 +5230,0 +5231,0 +5232,0 +5233,0 +5234,0 +5235,0 +5236,0 +5237,0 +5238,0 +5239,0 +5240,0 +5241,0 +5242,0 +5243,0 +5244,0 +5245,0 +5246,0 +5247,0 +5248,0 +5249,0 +5250,0 +5251,0 +5252,0 +5253,0 +5254,0 +5255,0 +5256,0 +5257,0 +5258,0 +5259,0 +5260,0 +5261,0 +5262,0 +5263,0 +5264,0 +5265,0 +5266,0 +5267,0 +5268,0 +5269,0 +5270,0 +5271,0 +5272,0 +5273,0 +5274,0 +5275,0 +5276,0 +5277,0 +5278,0 +5279,0 +5280,0 +5281,0 +5282,0 +5283,0 +5284,0 +5285,0 +5286,0 +5287,0 +5288,0 +5289,0 +5290,0 +5291,0 +5292,0 +5293,0 +5294,0 +5295,0 +5296,0 +5297,0 +5298,0 +5299,0 +5300,0 +5301,0 +5302,0 +5303,0 +5304,0 +5305,0 +5306,0 +5307,0 +5308,0 +5309,0 +5310,0 +5311,0 +5312,0 +5313,0 +5314,0 +5315,0 +5316,0 +5317,0 +5318,0 +5319,0 +5320,0 +5321,0 +5322,0 +5323,0 +5324,0 +5325,0 +5326,0 +5327,0 +5328,0 +5329,0 +5330,0 +5331,0 +5332,0 +5333,0 +5334,0 +5335,0 +5336,0 +5337,0 +5338,0 +5339,0 +5340,0 +5341,0 +5342,0 +5343,0 +5344,0 +5345,0 +5346,0 +5347,0 +5348,0 +5349,0 +5350,0 +5351,0 +5352,0 +5353,0 +5354,0 +5355,0 +5356,0 +5357,0 +5358,0 +5359,0 +5360,0 +5361,0 +5362,0 +5363,0 +5364,0 +5365,0 +5366,0 +5367,0 +5368,0 +5369,0 +5370,0 +5371,0 +5372,0 +5373,0 +5374,0 +5375,0 +5376,0 +5377,0 +5378,0 +5379,0 +5380,0 +5381,0 +5382,0 +5383,0 +5384,0 +5385,0 +5386,0 +5387,0 +5388,0 +5389,0 +5390,0 +5391,0 +5392,0 +5393,0 +5394,0 +5395,0 +5396,0 +5397,0 +5398,0 +5399,0 +5400,0 +5401,0 +5402,0 +5403,0 +5404,0 +5405,0 +5406,0 +5407,0 +5408,0 +5409,0 +5410,0 +5411,0 +5412,0 +5413,0 +5414,0 +5415,0 +5416,0 +5417,0 +5418,0 +5419,0 +5420,0 +5421,0 +5422,0 +5423,0 +5424,0 +5425,0 +5426,0 +5427,0 +5428,0 +5429,0 +5430,0 +5431,0 +5432,0 +5433,0 +5434,0 +5435,0 +5436,0 +5437,0 +5438,0 +5439,0 +5440,0 +5441,0 +5442,0 +5443,0 +5444,0 +5445,0 +5446,0 +5447,0 +5448,0 +5449,0 +5450,0 +5451,0 +5452,0 +5453,0 +5454,0 +5455,0 +5456,0 +5457,0 +5458,0 +5459,0 +5460,0 +5461,0 +5462,0 +5463,0 +5464,0 +5465,0 +5466,0 +5467,0 +5468,0 +5469,0 +5470,0 +5471,0 +5472,0 +5473,0 +5474,0 +5475,0 +5476,0 +5477,0 +5478,0 +5479,0 +5480,0 +5481,0 +5482,0 +5483,0 +5484,0 +5485,0 +5486,0 +5487,0 +5488,0 +5489,0 +5490,0 +5491,0 +5492,0 +5493,0 +5494,0 +5495,0 +5496,0 +5497,0 +5498,0 +5499,0 +5500,0 +5501,0 +5502,0 +5503,0 +5504,0 +5505,0 +5506,0 +5507,0 +5508,0 +5509,0 +5510,0 +5511,0 +5512,0 +5513,0 +5514,0 +5515,0 +5516,0 +5517,0 +5518,0 +5519,0 +5520,0 +5521,0 +5522,0 +5523,0 +5524,0 +5525,0 +5526,0 +5527,0 +5528,0 +5529,0 +5530,0 +5531,0 +5532,0 +5533,0 +5534,0 +5535,0 +5536,0 +5537,0 +5538,0 +5539,0 +5540,0 +5541,0 +5542,0 +5543,0 +5544,0 +5545,0 +5546,0 +5547,0 +5548,0 +5549,0 +5550,0 +5551,0 +5552,0 +5553,0 +5554,0 +5555,0 +5556,0 +5557,0 +5558,0 +5559,0 +5560,0 +5561,0 +5562,0 +5563,0 +5564,0 +5565,0 +5566,0 +5567,0 +5568,0 +5569,0 +5570,0 +5571,0 +5572,0 +5573,0 +5574,0 +5575,0 +5576,0 +5577,0 +5578,0 +5579,0 +5580,0 +5581,0 +5582,0 +5583,0 +5584,0 +5585,0 +5586,0 +5587,0 +5588,0 +5589,0 +5590,0 +5591,0 +5592,0 +5593,0 +5594,0 +5595,0 +5596,0 +5597,0 +5598,0 +5599,0 +5600,0 +5601,0 +5602,0 +5603,0 +5604,0 +5605,0 +5606,0 +5607,0 +5608,0 +5609,0 +5610,0 +5611,0 +5612,0 +5613,0 +5614,0 +5615,0 +5616,0 +5617,0 +5618,0 +5619,0 +5620,0 +5621,0 +5622,0 +5623,0 +5624,0 +5625,0 +5626,0 +5627,0 +5628,0 +5629,0 +5630,0 +5631,0 +5632,0 +5633,0 +5634,0 +5635,0 +5636,0 +5637,0 +5638,0 +5639,0 +5640,0 +5641,0 +5642,0 +5643,0 +5644,0 +5645,0 +5646,0 +5647,0 +5648,0 +5649,0 +5650,0 +5651,0 +5652,0 +5653,0 +5654,0 +5655,0 +5656,0 +5657,0 +5658,0 +5659,0 +5660,0 +5661,0 +5662,0 +5663,0 +5664,0 +5665,0 +5666,0 +5667,0 +5668,0 +5669,0 +5670,0 +5671,0 +5672,0 +5673,0 +5674,0 +5675,0 +5676,0 +5677,0 +5678,0 +5679,0 +5680,0 +5681,0 +5682,0 +5683,0 +5684,0 +5685,0 +5686,0 +5687,0 +5688,0 +5689,0 +5690,0 +5691,0 +5692,0 +5693,0 +5694,0 +5695,0 +5696,0 +5697,0 +5698,0 +5699,0 +5700,0 +5701,0 +5702,0 +5703,0 +5704,0 +5705,0 +5706,0 +5707,0 +5708,0 +5709,0 +5710,0 +5711,0 +5712,0 +5713,0 +5714,0 +5715,0 +5716,0 +5717,0 +5718,0 +5719,0 +5720,0 +5721,0 +5722,0 +5723,0 +5724,0 +5725,0 +5726,0 +5727,0 +5728,0 +5729,0 +5730,0 +5731,0 +5732,0 +5733,0 +5734,0 +5735,0 +5736,0 +5737,0 +5738,0 +5739,0 +5740,0 +5741,0 +5742,0 +5743,0 +5744,0 +5745,0 +5746,0 +5747,0 +5748,0 +5749,0 +5750,0 +5751,0 +5752,0 +5753,0 +5754,0 +5755,0 +5756,0 +5757,0 +5758,0 +5759,0 +5760,0 +5761,0 +5762,0 +5763,0 +5764,0 +5765,0 +5766,0 +5767,0 +5768,0 +5769,0 +5770,0 +5771,0 +5772,0 +5773,0 +5774,0 +5775,0 +5776,0 +5777,0 +5778,0 +5779,0 +5780,0 +5781,0 +5782,0 +5783,0 +5784,0 +5785,0 +5786,0 +5787,0 +5788,0 +5789,0 +5790,0 +5791,0 +5792,0 +5793,0 +5794,0 +5795,0 +5796,0 +5797,0 +5798,0 +5799,0 +5800,0 +5801,0 +5802,0 +5803,0 +5804,0 +5805,0 +5806,0 +5807,0 +5808,0 +5809,0 +5810,0 +5811,0 +5812,0 +5813,0 +5814,0 +5815,0 +5816,0 +5817,0 +5818,0 +5819,0 +5820,0 +5821,0 +5822,0 +5823,0 +5824,0 +5825,0 +5826,0 +5827,0 +5828,0 +5829,0 +5830,0 +5831,0 +5832,0 +5833,0 +5834,0 +5835,0 +5836,0 +5837,0 +5838,0 +5839,0 +5840,0 +5841,0 +5842,0 +5843,0 +5844,0 +5845,0 +5846,0 +5847,0 +5848,0 +5849,0 +5850,0 +5851,0 +5852,0 +5853,0 +5854,0 +5855,0 +5856,0 +5857,0 +5858,0 +5859,0 +5860,0 +5861,0 +5862,0 +5863,0 +5864,0 +5865,0 +5866,0 +5867,0 +5868,0 +5869,0 +5870,0 +5871,0 +5872,0 +5873,0 +5874,0 +5875,0 +5876,0 +5877,0 +5878,0 +5879,0 +5880,0 +5881,0 +5882,0 +5883,0 +5884,0 +5885,0 +5886,0 +5887,0 +5888,0 +5889,0 +5890,0 +5891,0 +5892,0 +5893,0 +5894,0 +5895,0 +5896,0 +5897,0 +5898,0 +5899,0 +5900,0 +5901,0 +5902,0 +5903,0 +5904,0 +5905,0 +5906,0 +5907,0 +5908,0 +5909,0 +5910,0 +5911,0 +5912,0 +5913,0 +5914,0 +5915,0 +5916,0 +5917,0 +5918,0 +5919,0 +5920,0 +5921,0 +5922,0 +5923,0 +5924,0 +5925,0 +5926,0 +5927,0 +5928,0 +5929,0 +5930,0 +5931,0 +5932,0 +5933,0 +5934,0 +5935,0 +5936,0 +5937,0 +5938,0 +5939,0 +5940,0 +5941,0 +5942,0 +5943,0 +5944,0 +5945,0 +5946,0 +5947,0 +5948,0 +5949,0 +5950,0 +5951,0 +5952,0 +5953,0 +5954,0 +5955,0 +5956,0 +5957,0 +5958,0 +5959,0 +5960,0 +5961,0 +5962,0 +5963,0 +5964,0 +5965,0 +5966,0 +5967,0 +5968,0 +5969,0 +5970,0 +5971,0 +5972,0 +5973,0 +5974,0 +5975,0 +5976,0 +5977,0 +5978,0 +5979,0 +5980,0 +5981,0 +5982,0 +5983,0 +5984,0 +5985,0 +5986,0 +5987,0 +5988,0 +5989,0 +5990,0 +5991,0 +5992,0 +5993,0 +5994,0 +5995,0 +5996,0 +5997,0 +5998,0 +5999,0 +6000,0 +6001,0 +6002,0 +6003,0 +6004,0 +6005,0 +6006,0 +6007,0 +6008,0 +6009,0 +6010,0 +6011,0 +6012,0 +6013,0 +6014,0 +6015,0 +6016,0 +6017,0 +6018,0 +6019,0 +6020,0 +6021,0 +6022,0 +6023,0 +6024,0 +6025,0 +6026,0 +6027,0 +6028,0 +6029,0 +6030,0 +6031,0 +6032,0 +6033,0 +6034,0 +6035,0 +6036,0 +6037,0 +6038,0 +6039,0 +6040,0 +6041,0 +6042,0 +6043,0 +6044,0 +6045,0 +6046,0 +6047,0 +6048,0 +6049,0 +6050,0 +6051,0 +6052,0 +6053,0 +6054,0 +6055,0 +6056,0 +6057,0 +6058,0 +6059,0 +6060,0 +6061,0 +6062,0 +6063,0 +6064,0 +6065,0 +6066,0 +6067,0 +6068,0 +6069,0 +6070,0 +6071,0 +6072,0 +6073,0 +6074,0 +6075,0 +6076,0 +6077,0 +6078,0 +6079,0 +6080,0 +6081,0 +6082,0 +6083,0 +6084,0 +6085,0 +6086,0 +6087,0 +6088,0 +6089,0 +6090,0 +6091,0 +6092,0 +6093,0 +6094,0 +6095,0 +6096,0 +6097,0 +6098,0 +6099,0 +6100,0 +6101,0 +6102,0 +6103,0 +6104,0 +6105,0 +6106,0 +6107,0 +6108,0 +6109,0 +6110,0 +6111,0 +6112,0 +6113,0 +6114,0 +6115,0 +6116,0 +6117,0 +6118,0 +6119,0 +6120,0 +6121,0 +6122,0 +6123,0 +6124,0 +6125,0 +6126,0 +6127,0 +6128,0 +6129,0 +6130,0 +6131,0 +6132,0 +6133,0 +6134,0 +6135,0 +6136,0 +6137,0 +6138,0 +6139,0 +6140,0 +6141,0 +6142,0 +6143,0 +6144,0 +6145,0 +6146,0 +6147,0 +6148,0 +6149,0 +6150,0 +6151,0 +6152,0 +6153,0 +6154,0 +6155,0 +6156,0 +6157,0 +6158,0 +6159,0 +6160,0 +6161,0 +6162,0 +6163,0 +6164,0 +6165,0 +6166,0 +6167,0 +6168,0 +6169,0 +6170,0 +6171,0 +6172,0 +6173,0 +6174,0 +6175,0 +6176,0 +6177,0 +6178,0 +6179,0 +6180,0 +6181,0 +6182,0 +6183,0 +6184,0 +6185,0 +6186,0 +6187,0 +6188,0 +6189,0 +6190,0 +6191,0 +6192,0 +6193,0 +6194,0 +6195,0 +6196,0 +6197,0 +6198,0 +6199,0 +6200,0 +6201,0 +6202,0 +6203,0 +6204,0 +6205,0 +6206,0 +6207,0 +6208,0 +6209,0 +6210,0 +6211,0 +6212,0 +6213,0 +6214,0 +6215,0 +6216,0 +6217,0 +6218,0 +6219,0 +6220,0 +6221,0 +6222,0 +6223,0 +6224,0 +6225,0 +6226,0 +6227,0 +6228,0 +6229,0 +6230,0 +6231,0 +6232,0 +6233,0 +6234,0 +6235,0 +6236,0 +6237,0 +6238,0 +6239,0 +6240,0 +6241,0 +6242,0 +6243,0 +6244,0 +6245,0 +6246,0 +6247,0 +6248,0 +6249,0 +6250,0 +6251,0 +6252,0 +6253,0 +6254,0 +6255,0 +6256,0 +6257,0 +6258,0 +6259,0 +6260,0 +6261,0 +6262,0 +6263,0 +6264,0 +6265,0 +6266,0 +6267,0 +6268,0 +6269,0 +6270,0 +6271,0 +6272,0 +6273,0 +6274,0 +6275,0 +6276,0 +6277,0 +6278,0 +6279,0 +6280,0 +6281,0 +6282,0 +6283,0 +6284,0 +6285,0 +6286,0 +6287,0 +6288,0 +6289,0 +6290,0 +6291,0 +6292,0 +6293,0 +6294,0 +6295,0 +6296,0 +6297,0 +6298,0 +6299,0 +6300,0 +6301,0 +6302,0 +6303,0 +6304,0 +6305,0 +6306,0 +6307,0 +6308,0 +6309,0 +6310,0 +6311,0 +6312,0 +6313,0 +6314,0 +6315,0 +6316,0 +6317,0 +6318,0 +6319,0 +6320,0 +6321,0 +6322,0 +6323,0 +6324,0 +6325,0 +6326,0 +6327,0 +6328,0 +6329,0 +6330,0 +6331,0 +6332,0 +6333,0 +6334,0 +6335,0 +6336,0 +6337,0 +6338,0 +6339,0 +6340,0 +6341,0 +6342,0 +6343,0 +6344,0 +6345,0 +6346,0 +6347,0 +6348,0 +6349,0 +6350,0 +6351,0 +6352,0 +6353,0 +6354,0 +6355,0 +6356,0 +6357,0 +6358,0 +6359,0 +6360,0 +6361,0 +6362,0 +6363,0 +6364,0 +6365,0 +6366,0 +6367,0 +6368,0 +6369,0 +6370,0 +6371,0 +6372,0 +6373,0 +6374,0 +6375,0 +6376,0 +6377,0 +6378,0 +6379,0 +6380,0 +6381,0 +6382,0 +6383,0 +6384,0 +6385,0 +6386,0 +6387,0 +6388,0 +6389,0 +6390,0 +6391,0 +6392,0 +6393,0 +6394,0 +6395,0 +6396,0 +6397,0 +6398,0 +6399,0 +6400,0 +6401,0 +6402,0 +6403,0 +6404,0 +6405,0 +6406,0 +6407,0 +6408,0 +6409,0 +6410,0 +6411,0 +6412,0 +6413,0 +6414,0 +6415,0 +6416,0 +6417,0 +6418,0 +6419,0 +6420,0 +6421,0 +6422,0 +6423,0 +6424,0 +6425,0 +6426,0 +6427,0 +6428,0 +6429,0 +6430,0 +6431,0 +6432,0 +6433,0 +6434,0 +6435,0 +6436,0 +6437,0 +6438,0 +6439,0 +6440,0 +6441,0 +6442,0 +6443,0 +6444,0 +6445,0 +6446,0 +6447,0 +6448,0 +6449,0 +6450,0 +6451,0 +6452,0 +6453,0 +6454,0 +6455,0 +6456,0 +6457,0 +6458,0 +6459,0 +6460,0 +6461,0 +6462,0 +6463,0 +6464,0 +6465,0 +6466,0 +6467,0 +6468,0 +6469,0 +6470,0 +6471,0 +6472,0 +6473,0 +6474,0 +6475,0 +6476,0 +6477,0 +6478,0 +6479,0 +6480,0 +6481,0 +6482,0 +6483,0 +6484,0 +6485,0 +6486,0 +6487,0 +6488,0 +6489,0 +6490,0 +6491,0 +6492,0 +6493,0 +6494,0 +6495,0 +6496,0 +6497,0 +6498,0 +6499,0 +6500,0 +6501,0 +6502,0 +6503,0 +6504,0 +6505,0 +6506,0 +6507,0 +6508,0 +6509,0 +6510,0 +6511,0 +6512,0 +6513,0 +6514,0 +6515,0 +6516,0 +6517,0 +6518,0 +6519,0 +6520,0 +6521,0 +6522,0 +6523,0 +6524,0 +6525,0 +6526,0 +6527,0 +6528,0 +6529,0 +6530,0 +6531,0 +6532,0 +6533,0 +6534,0 +6535,0 +6536,0 +6537,0 +6538,0 +6539,0 +6540,0 +6541,0 +6542,0 +6543,0 +6544,0 +6545,0 +6546,0 +6547,0 +6548,0 +6549,0 +6550,0 +6551,0 +6552,0 +6553,0 +6554,0 +6555,0 +6556,0 +6557,0 +6558,0 +6559,0 +6560,0 +6561,0 +6562,0 +6563,0 +6564,0 +6565,0 +6566,0 +6567,0 +6568,0 +6569,0 +6570,0 +6571,0 +6572,0 +6573,0 +6574,0 +6575,0 +6576,0 +6577,0 +6578,0 +6579,0 +6580,0 +6581,0 +6582,0 +6583,0 +6584,0 +6585,0 +6586,0 +6587,0 +6588,0 +6589,0 +6590,0 +6591,0 +6592,0 +6593,0 +6594,0 +6595,0 +6596,0 +6597,0 +6598,0 +6599,0 +6600,0 +6601,0 +6602,0 +6603,0 +6604,0 +6605,0 +6606,0 +6607,0 +6608,0 +6609,0 +6610,0 +6611,0 +6612,0 +6613,0 +6614,0 +6615,0 +6616,0 +6617,0 +6618,0 +6619,0 +6620,0 +6621,0 +6622,0 +6623,0 +6624,0 +6625,0 +6626,0 +6627,0 +6628,0 +6629,0 +6630,0 +6631,0 +6632,0 +6633,0 +6634,0 +6635,0 +6636,0 +6637,0 +6638,0 +6639,0 +6640,0 +6641,0 +6642,0 +6643,0 +6644,0 +6645,0 +6646,0 +6647,0 +6648,0 +6649,0 +6650,0 +6651,0 +6652,0 +6653,0 +6654,0 +6655,0 +6656,0 +6657,0 +6658,0 +6659,0 +6660,0 +6661,0 +6662,0 +6663,0 +6664,0 +6665,0 +6666,0 +6667,0 +6668,0 +6669,0 +6670,0 +6671,0 +6672,0 +6673,0 +6674,0 +6675,0 +6676,0 +6677,0 +6678,0 +6679,0 +6680,0 +6681,0 +6682,0 +6683,0 +6684,0 +6685,0 +6686,0 +6687,0 +6688,0 +6689,0 +6690,0 +6691,0 +6692,0 +6693,0 +6694,0 +6695,0 +6696,0 +6697,0 +6698,0 +6699,0 +6700,0 +6701,0 +6702,0 +6703,0 +6704,0 +6705,0 +6706,0 +6707,0 +6708,0 +6709,0 +6710,0 +6711,0 +6712,0 +6713,0 +6714,0 +6715,0 +6716,0 +6717,0 +6718,0 +6719,0 +6720,0 +6721,0 +6722,0 +6723,0 +6724,0 +6725,0 +6726,0 +6727,0 +6728,0 +6729,0 +6730,0 +6731,0 +6732,0 +6733,0 +6734,0 +6735,0 +6736,0 +6737,0 +6738,0 +6739,0 +6740,0 +6741,0 +6742,0 +6743,0 +6744,0 +6745,0 +6746,0 +6747,0 +6748,0 +6749,0 +6750,0 +6751,0 +6752,0 +6753,0 +6754,0 +6755,0 +6756,0 +6757,0 +6758,0 +6759,0 +6760,0 +6761,0 +6762,0 +6763,0 +6764,0 +6765,0 +6766,0 +6767,0 +6768,0 +6769,0 +6770,0 +6771,0 +6772,0 +6773,0 +6774,0 +6775,0 +6776,0 +6777,0 +6778,0 +6779,0 +6780,0 +6781,0 +6782,0 +6783,0 +6784,0 +6785,0 +6786,0 +6787,0 +6788,0 +6789,0 +6790,0 +6791,0 +6792,0 +6793,0 +6794,0 +6795,0 +6796,0 +6797,0 +6798,0 +6799,0 +6800,0 +6801,0 +6802,0 +6803,0 +6804,0 +6805,0 +6806,0 +6807,0 +6808,0 +6809,0 +6810,0 +6811,0 +6812,0 +6813,0 +6814,0 +6815,0 +6816,0 +6817,0 +6818,0 +6819,0 +6820,0 +6821,0 +6822,0 +6823,0 +6824,0 +6825,0 +6826,0 +6827,0 +6828,0 +6829,0 +6830,0 +6831,0 +6832,0 +6833,0 +6834,0 +6835,0 +6836,0 +6837,0 +6838,0 +6839,0 +6840,0 +6841,0 +6842,0 +6843,0 +6844,0 +6845,0 +6846,0 +6847,0 +6848,0 +6849,0 +6850,0 +6851,0 +6852,0 +6853,0 +6854,0 +6855,0 +6856,0 +6857,0 +6858,0 +6859,0 +6860,0 +6861,0 +6862,0 +6863,0 +6864,0 +6865,0 +6866,0 +6867,0 +6868,0 +6869,0 +6870,0 +6871,0 +6872,0 +6873,0 +6874,0 +6875,0 +6876,0 +6877,0 +6878,0 +6879,0 +6880,0 +6881,0 +6882,0 +6883,0 +6884,0 +6885,0 +6886,0 +6887,0 +6888,0 +6889,0 +6890,0 +6891,0 +6892,0 +6893,0 +6894,0 +6895,0 +6896,0 +6897,0 +6898,0 +6899,0 +6900,0 +6901,0 +6902,0 +6903,0 +6904,0 +6905,0 +6906,0 +6907,0 +6908,0 +6909,0 +6910,0 +6911,0 +6912,0 +6913,0 +6914,0 +6915,0 +6916,0 +6917,0 +6918,0 +6919,0 +6920,0 +6921,0 +6922,0 +6923,0 +6924,0 +6925,0 +6926,0 +6927,0 +6928,0 +6929,0 +6930,0 +6931,0 +6932,0 +6933,0 +6934,0 +6935,0 +6936,0 +6937,0 +6938,0 +6939,0 +6940,0 +6941,0 +6942,0 +6943,0 +6944,0 +6945,0 +6946,0 +6947,0 +6948,0 +6949,0 +6950,0 +6951,0 +6952,0 +6953,0 +6954,0 +6955,0 +6956,0 +6957,0 +6958,0 +6959,0 +6960,0 +6961,0 +6962,0 +6963,0 +6964,0 +6965,0 +6966,0 +6967,0 +6968,0 +6969,0 +6970,0 +6971,0 +6972,0 +6973,0 +6974,0 +6975,0 +6976,0 +6977,0 +6978,0 +6979,0 +6980,0 +6981,0 +6982,0 +6983,0 +6984,0 +6985,0 +6986,0 +6987,0 +6988,0 +6989,0 +6990,0 +6991,0 +6992,0 +6993,0 +6994,0 +6995,0 +6996,0 +6997,0 +6998,0 +6999,0 +7000,0 +7001,0 +7002,0 +7003,0 +7004,0 +7005,0 +7006,0 +7007,0 +7008,0 +7009,0 +7010,0 +7011,0 +7012,0 +7013,0 +7014,0 +7015,0 +7016,0 +7017,0 +7018,0 +7019,0 +7020,0 +7021,0 +7022,0 +7023,0 +7024,0 +7025,0 +7026,0 +7027,0 +7028,0 +7029,0 +7030,0 +7031,0 +7032,0 +7033,0 +7034,0 +7035,0 +7036,0 +7037,0 +7038,0 +7039,0 +7040,0 +7041,0 +7042,0 +7043,0 +7044,0 +7045,0 +7046,0 +7047,0 +7048,0 +7049,0 +7050,0 +7051,0 +7052,0 +7053,0 +7054,0 +7055,0 +7056,0 +7057,0 +7058,0 +7059,0 +7060,0 +7061,0 +7062,0 +7063,0 +7064,0 +7065,0 +7066,0 +7067,0 +7068,0 +7069,0 +7070,0 +7071,0 +7072,0 +7073,0 +7074,0 +7075,0 +7076,0 +7077,0 +7078,0 +7079,0 +7080,0 +7081,0 +7082,0 +7083,0 +7084,0 +7085,0 +7086,0 +7087,0 +7088,0 +7089,0 +7090,0 +7091,0 +7092,0 +7093,0 +7094,0 +7095,0 +7096,0 +7097,0 +7098,0 +7099,0 +7100,0 +7101,0 +7102,0 +7103,0 +7104,0 +7105,0 +7106,0 +7107,0 +7108,0 +7109,0 +7110,0 +7111,0 +7112,0 +7113,0 +7114,0 +7115,0 +7116,0 +7117,0 +7118,0 +7119,0 +7120,0 +7121,0 +7122,0 +7123,0 +7124,0 +7125,0 +7126,0 +7127,0 +7128,0 +7129,0 +7130,0 +7131,0 +7132,0 +7133,0 +7134,0 +7135,0 +7136,0 +7137,0 +7138,0 +7139,0 +7140,0 +7141,0 +7142,0 +7143,0 +7144,0 +7145,0 +7146,0 +7147,0 +7148,0 +7149,0 +7150,0 +7151,0 +7152,0 +7153,0 +7154,0 +7155,0 +7156,0 +7157,0 +7158,0 +7159,0 +7160,0 +7161,0 +7162,0 +7163,0 +7164,0 +7165,0 +7166,0 +7167,0 +7168,0 +7169,0 +7170,0 +7171,0 +7172,0 +7173,0 +7174,0 +7175,0 +7176,0 +7177,0 +7178,0 +7179,0 +7180,0 +7181,0 +7182,0 +7183,0 +7184,0 +7185,0 +7186,0 +7187,0 +7188,0 +7189,0 +7190,0 +7191,0 +7192,0 +7193,0 +7194,0 +7195,0 +7196,0 +7197,0 +7198,0 +7199,0 +7200,0 +7201,0 +7202,0 +7203,0 +7204,0 +7205,0 +7206,0 +7207,0 +7208,0 +7209,0 +7210,0 +7211,0 +7212,0 +7213,0 +7214,0 +7215,0 +7216,0 +7217,0 +7218,0 +7219,0 +7220,0 +7221,0 +7222,0 +7223,0 +7224,0 +7225,0 +7226,0 +7227,0 +7228,0 +7229,0 +7230,0 +7231,0 +7232,0 +7233,0 +7234,0 +7235,0 +7236,0 +7237,0 +7238,0 +7239,0 +7240,0 +7241,0 +7242,0 +7243,0 +7244,0 +7245,0 +7246,0 +7247,0 +7248,0 +7249,0 +7250,0 +7251,0 +7252,0 +7253,0 +7254,0 +7255,0 +7256,0 +7257,0 +7258,0 +7259,0 +7260,0 +7261,0 +7262,0 +7263,0 +7264,0 +7265,0 +7266,0 +7267,0 +7268,0 +7269,0 +7270,0 +7271,0 +7272,0 +7273,0 +7274,0 +7275,0 +7276,0 +7277,0 +7278,0 +7279,0 +7280,0 +7281,0 +7282,0 +7283,0 +7284,0 +7285,0 +7286,0 +7287,0 +7288,0 +7289,0 +7290,0 +7291,0 +7292,0 +7293,0 +7294,0 +7295,0 +7296,0 +7297,0 +7298,0 +7299,0 +7300,0 +7301,0 +7302,0 +7303,0 +7304,0 +7305,0 +7306,0 +7307,0 +7308,0 +7309,0 +7310,0 +7311,0 +7312,0 +7313,0 +7314,0 +7315,0 +7316,0 +7317,0 +7318,0 +7319,0 +7320,0 +7321,0 +7322,0 +7323,0 +7324,0 +7325,0 +7326,0 +7327,0 +7328,0 +7329,0 +7330,0 +7331,0 +7332,0 +7333,0 +7334,0 +7335,0 +7336,0 +7337,0 +7338,0 +7339,0 +7340,0 +7341,0 +7342,0 +7343,0 +7344,0 +7345,0 +7346,0 +7347,0 +7348,0 +7349,0 +7350,0 +7351,0 +7352,0 +7353,0 +7354,0 +7355,0 +7356,0 +7357,0 +7358,0 +7359,0 +7360,0 +7361,0 +7362,0 +7363,0 +7364,0 +7365,0 +7366,0 +7367,0 +7368,0 +7369,0 +7370,0 +7371,0 +7372,0 +7373,0 +7374,0 +7375,0 +7376,0 +7377,0 +7378,0 +7379,0 +7380,0 +7381,0 +7382,0 +7383,0 +7384,0 +7385,0 +7386,0 +7387,0 +7388,0 +7389,0 +7390,0 +7391,0 +7392,0 +7393,0 +7394,0 +7395,0 +7396,0 +7397,0 +7398,0 +7399,0 +7400,0 +7401,0 +7402,0 +7403,0 +7404,0 +7405,0 +7406,0 +7407,0 +7408,0 +7409,0 +7410,0 +7411,0 +7412,0 +7413,0 +7414,0 +7415,0 +7416,0 +7417,0 +7418,0 +7419,0 +7420,0 +7421,0 +7422,0 +7423,0 +7424,0 +7425,0 +7426,0 +7427,0 +7428,0 +7429,0 +7430,0 +7431,0 +7432,0 +7433,0 +7434,0 +7435,0 +7436,0 +7437,0 +7438,0 +7439,0 +7440,0 +7441,0 +7442,0 +7443,0 +7444,0 +7445,0 +7446,0 +7447,0 +7448,0 +7449,0 +7450,0 +7451,0 +7452,0 +7453,0 +7454,0 +7455,0 +7456,0 +7457,0 +7458,0 +7459,0 +7460,0 +7461,0 +7462,0 +7463,0 +7464,0 +7465,0 +7466,0 +7467,0 +7468,0 +7469,0 +7470,0 +7471,0 +7472,0 +7473,0 +7474,0 +7475,0 +7476,0 +7477,0 +7478,0 +7479,0 +7480,0 +7481,0 +7482,0 +7483,0 +7484,0 +7485,0 +7486,0 +7487,0 +7488,0 +7489,0 +7490,0 +7491,0 +7492,0 +7493,0 +7494,0 +7495,0 +7496,0 +7497,0 +7498,0 +7499,0 +7500,0 +7501,0 +7502,0 +7503,0 +7504,0 +7505,0 +7506,0 +7507,0 +7508,0 +7509,0 +7510,0 +7511,0 +7512,0 +7513,0 +7514,0 +7515,0 +7516,0 +7517,0 +7518,0 +7519,0 +7520,0 +7521,0 +7522,0 +7523,0 +7524,0 +7525,0 +7526,0 +7527,0 +7528,0 +7529,0 +7530,0 +7531,0 +7532,0 +7533,0 +7534,0 +7535,0 +7536,0 +7537,0 +7538,0 +7539,0 +7540,0 +7541,0 +7542,0 +7543,0 +7544,0 +7545,0 +7546,0 +7547,0 +7548,0 +7549,0 +7550,0 +7551,0 +7552,0 +7553,0 +7554,0 +7555,0 +7556,0 +7557,0 +7558,0 +7559,0 +7560,0 +7561,0 +7562,0 +7563,0 +7564,0 +7565,0 +7566,0 +7567,0 +7568,0 +7569,0 +7570,0 +7571,0 +7572,0 +7573,0 +7574,0 +7575,0 +7576,0 +7577,0 +7578,0 +7579,0 +7580,0 +7581,0 +7582,0 +7583,0 +7584,0 +7585,0 +7586,0 +7587,0 +7588,0 +7589,0 +7590,0 +7591,0 +7592,0 +7593,0 +7594,0 +7595,0 +7596,0 +7597,0 +7598,0 +7599,0 +7600,0 +7601,0 +7602,0 +7603,0 +7604,0 +7605,0 +7606,0 +7607,0 +7608,0 +7609,0 +7610,0 +7611,0 +7612,0 +7613,0 +7614,0 +7615,0 +7616,0 +7617,0 +7618,0 +7619,0 +7620,0 +7621,0 +7622,0 +7623,0 +7624,0 +7625,0 +7626,0 +7627,0 +7628,0 +7629,0 +7630,0 +7631,0 +7632,0 +7633,0 +7634,0 +7635,0 +7636,0 +7637,0 +7638,0 +7639,0 +7640,0 +7641,0 +7642,0 +7643,0 +7644,0 +7645,0 +7646,0 +7647,0 +7648,0 +7649,0 +7650,0 +7651,0 +7652,0 +7653,0 +7654,0 +7655,0 +7656,0 +7657,0 +7658,0 +7659,0 +7660,0 +7661,0 +7662,0 +7663,0 +7664,0 +7665,0 +7666,0 +7667,0 +7668,0 +7669,0 +7670,0 +7671,0 +7672,0 +7673,0 +7674,0 +7675,0 +7676,0 +7677,0 +7678,0 +7679,0 +7680,0 +7681,0 +7682,0 +7683,0 +7684,0 +7685,0 +7686,0 +7687,0 +7688,0 +7689,0 +7690,0 +7691,0 +7692,0 +7693,0 +7694,0 +7695,0 +7696,0 +7697,0 +7698,0 +7699,0 +7700,0 +7701,0 +7702,0 +7703,0 +7704,0 +7705,0 +7706,0 +7707,0 +7708,0 +7709,0 +7710,0 +7711,0 +7712,0 +7713,0 +7714,0 +7715,0 +7716,0 +7717,0 +7718,0 +7719,0 +7720,0 +7721,0 +7722,0 +7723,0 +7724,0 +7725,0 +7726,0 +7727,0 +7728,0 +7729,0 +7730,0 +7731,0 +7732,0 +7733,0 +7734,0 +7735,0 +7736,0 +7737,0 +7738,0 +7739,0 +7740,0 +7741,0 +7742,0 +7743,0 +7744,0 +7745,0 +7746,0 +7747,0 +7748,0 +7749,0 +7750,0 +7751,0 +7752,0 +7753,0 +7754,0 +7755,0 +7756,0 +7757,0 +7758,0 +7759,0 +7760,0 +7761,0 +7762,0 +7763,0 +7764,0 +7765,0 +7766,0 +7767,0 +7768,0 +7769,0 +7770,0 +7771,0 +7772,0 +7773,0 +7774,0 +7775,0 +7776,0 +7777,0 +7778,0 +7779,0 +7780,0 +7781,0 +7782,0 +7783,0 +7784,0 +7785,0 +7786,0 +7787,0 +7788,0 +7789,0 +7790,0 +7791,0 +7792,0 +7793,0 +7794,0 +7795,0 +7796,0 +7797,0 +7798,0 +7799,0 +7800,0 +7801,0 +7802,0 +7803,0 +7804,0 +7805,0 +7806,0 +7807,0 +7808,0 +7809,0 +7810,0 +7811,0 +7812,0 +7813,0 +7814,0 +7815,0 +7816,0 +7817,0 +7818,0 +7819,0 +7820,0 +7821,0 +7822,0 +7823,0 +7824,0 +7825,0 +7826,0 +7827,0 +7828,0 +7829,0 +7830,0 +7831,0 +7832,0 +7833,0 +7834,0 +7835,0 +7836,0 +7837,0 +7838,0 +7839,0 +7840,0 +7841,0 +7842,0 +7843,0 +7844,0 +7845,0 +7846,0 +7847,0 +7848,0 +7849,0 +7850,0 +7851,0 +7852,0 +7853,0 +7854,0 +7855,0 +7856,0 +7857,0 +7858,0 +7859,0 +7860,0 +7861,0 +7862,0 +7863,0 +7864,0 +7865,0 +7866,0 +7867,0 +7868,0 +7869,0 +7870,0 +7871,0 +7872,0 +7873,0 +7874,0 +7875,0 +7876,0 +7877,0 +7878,0 +7879,0 +7880,0 +7881,0 +7882,0 +7883,0 +7884,0 +7885,0 +7886,0 +7887,0 +7888,0 +7889,0 +7890,0 +7891,0 +7892,0 +7893,0 +7894,0 +7895,0 +7896,0 +7897,0 +7898,0 +7899,0 +7900,0 +7901,0 +7902,0 +7903,0 +7904,0 +7905,0 +7906,0 +7907,0 +7908,0 +7909,0 +7910,0 +7911,0 +7912,0 +7913,0 +7914,0 +7915,0 +7916,0 +7917,0 +7918,0 +7919,0 +7920,0 +7921,0 +7922,0 +7923,0 +7924,0 +7925,0 +7926,0 +7927,0 +7928,0 +7929,0 +7930,0 +7931,0 +7932,0 +7933,0 +7934,0 +7935,0 +7936,0 +7937,0 +7938,0 +7939,0 +7940,0 +7941,0 +7942,0 +7943,0 +7944,0 +7945,0 +7946,0 +7947,0 +7948,0 +7949,0 +7950,0 +7951,0 +7952,0 +7953,0 +7954,0 +7955,0 +7956,0 +7957,0 +7958,0 +7959,0 +7960,0 +7961,0 +7962,0 +7963,0 +7964,0 +7965,0 +7966,0 +7967,0 +7968,0 +7969,0 +7970,0 +7971,0 +7972,0 +7973,0 +7974,0 +7975,0 +7976,0 +7977,0 +7978,0 +7979,0 +7980,0 +7981,0 +7982,0 +7983,0 +7984,0 +7985,0 +7986,0 +7987,0 +7988,0 +7989,0 +7990,0 +7991,0 +7992,0 +7993,0 +7994,0 +7995,0 +7996,0 +7997,0 +7998,0 +7999,0 +8000,0 +8001,0 +8002,0 +8003,0 +8004,0 +8005,0 +8006,0 +8007,0 +8008,0 +8009,0 +8010,0 +8011,0 +8012,0 +8013,0 +8014,0 +8015,0 +8016,0 +8017,0 +8018,0 +8019,0 +8020,0 +8021,0 +8022,0 +8023,0 +8024,0 +8025,0 +8026,0 +8027,0 +8028,0 +8029,0 +8030,0 +8031,0 +8032,0 +8033,0 +8034,0 +8035,0 +8036,0 +8037,0 +8038,0 +8039,0 +8040,0 +8041,0 +8042,0 +8043,0 +8044,0 +8045,0 +8046,0 +8047,0 +8048,0 +8049,0 +8050,0 +8051,0 +8052,0 +8053,0 +8054,0 +8055,0 +8056,0 +8057,0 +8058,0 +8059,0 +8060,0 +8061,0 +8062,0 +8063,0 +8064,0 +8065,0 +8066,0 +8067,0 +8068,0 +8069,0 +8070,0 +8071,0 +8072,0 +8073,0 +8074,0 +8075,0 +8076,0 +8077,0 +8078,0 +8079,0 +8080,0 +8081,0 +8082,0 +8083,0 +8084,0 +8085,0 +8086,0 +8087,0 +8088,0 +8089,0 +8090,0 +8091,0 +8092,0 +8093,0 +8094,0 +8095,0 +8096,0 +8097,0 +8098,0 +8099,0 +8100,0 +8101,0 +8102,0 +8103,0 +8104,0 +8105,0 +8106,0 +8107,0 +8108,0 +8109,0 +8110,0 +8111,0 +8112,0 +8113,0 +8114,0 +8115,0 +8116,0 +8117,0 +8118,0 +8119,0 +8120,0 +8121,0 +8122,0 +8123,0 +8124,0 +8125,0 +8126,0 +8127,0 +8128,0 +8129,0 +8130,0 +8131,0 +8132,0 +8133,0 +8134,0 +8135,0 +8136,0 +8137,0 +8138,0 +8139,0 +8140,0 +8141,0 +8142,0 +8143,0 +8144,0 +8145,0 +8146,0 +8147,0 +8148,0 +8149,0 +8150,0 +8151,0 +8152,0 +8153,0 +8154,0 +8155,0 +8156,0 +8157,0 +8158,0 +8159,0 +8160,0 +8161,0 +8162,0 +8163,0 +8164,0 +8165,0 +8166,0 +8167,0 +8168,0 +8169,0 +8170,0 +8171,0 +8172,0 +8173,0 +8174,0 +8175,0 +8176,0 +8177,0 +8178,0 +8179,0 +8180,0 +8181,0 +8182,0 +8183,0 +8184,0 +8185,0 +8186,0 +8187,0 +8188,0 +8189,0 +8190,0 +8191,0 +8192,0 +8193,0 +8194,0 +8195,0 +8196,0 +8197,0 +8198,0 +8199,0 +8200,0 +8201,0 +8202,0 +8203,0 +8204,0 +8205,0 +8206,0 +8207,0 +8208,0 +8209,0 +8210,0 +8211,0 +8212,0 +8213,0 +8214,0 +8215,0 +8216,0 +8217,0 +8218,0 +8219,0 +8220,0 +8221,0 +8222,0 +8223,0 +8224,0 +8225,0 +8226,0 +8227,0 +8228,0 +8229,0 +8230,0 +8231,0 +8232,0 +8233,0 +8234,0 +8235,0 +8236,0 +8237,0 +8238,0 +8239,0 +8240,0 +8241,0 +8242,0 +8243,0 +8244,0 +8245,0 +8246,0 +8247,0 +8248,0 +8249,0 +8250,0 +8251,0 +8252,0 +8253,0 +8254,0 +8255,0 +8256,0 +8257,0 +8258,0 +8259,0 +8260,0 +8261,0 +8262,0 +8263,0 +8264,0 +8265,0 +8266,0 +8267,0 +8268,0 +8269,0 +8270,0 +8271,0 +8272,0 +8273,0 +8274,0 +8275,0 +8276,0 +8277,0 +8278,0 +8279,0 +8280,0 +8281,0 +8282,0 +8283,0 +8284,0 +8285,0 +8286,0 +8287,0 +8288,0 +8289,0 +8290,0 +8291,0 +8292,0 +8293,0 +8294,0 +8295,0 +8296,0 +8297,0 +8298,0 +8299,0 +8300,0 +8301,0 +8302,0 +8303,0 +8304,0 +8305,0 +8306,0 +8307,0 +8308,0 +8309,0 +8310,0 +8311,0 +8312,0 +8313,0 +8314,0 +8315,0 +8316,0 +8317,0 +8318,0 +8319,0 +8320,0 +8321,0 +8322,0 +8323,0 +8324,0 +8325,0 +8326,0 +8327,0 +8328,0 +8329,0 +8330,0 +8331,0 +8332,0 +8333,0 +8334,0 +8335,0 +8336,0 +8337,0 +8338,0 +8339,0 +8340,0 +8341,0 +8342,0 +8343,0 +8344,0 +8345,0 +8346,0 +8347,0 +8348,0 +8349,0 +8350,0 +8351,0 +8352,0 +8353,0 +8354,0 +8355,0 +8356,0 +8357,0 +8358,0 +8359,0 +8360,0 +8361,0 +8362,0 +8363,0 +8364,0 +8365,0 +8366,0 +8367,0 +8368,0 +8369,0 +8370,0 +8371,0 +8372,0 +8373,0 +8374,0 +8375,0 +8376,0 +8377,0 +8378,0 +8379,0 +8380,0 +8381,0 +8382,0 +8383,0 +8384,0 +8385,0 +8386,0 +8387,0 +8388,0 +8389,0 +8390,0 +8391,0 +8392,0 +8393,0 +8394,0 +8395,0 +8396,0 +8397,0 +8398,0 +8399,0 +8400,0 +8401,0 +8402,0 +8403,0 +8404,0 +8405,0 +8406,0 +8407,0 +8408,0 +8409,0 +8410,0 +8411,0 +8412,0 +8413,0 +8414,0 +8415,0 +8416,0 +8417,0 +8418,0 +8419,0 +8420,0 +8421,0 +8422,0 +8423,0 +8424,0 +8425,0 +8426,0 +8427,0 +8428,0 +8429,0 +8430,0 +8431,0 +8432,0 +8433,0 +8434,0 +8435,0 +8436,0 +8437,0 +8438,0 +8439,0 +8440,0 +8441,0 +8442,0 +8443,0 +8444,0 +8445,0 +8446,0 +8447,0 +8448,0 +8449,0 +8450,0 +8451,0 +8452,0 +8453,0 +8454,0 +8455,0 +8456,0 +8457,0 +8458,0 +8459,0 +8460,0 +8461,0 +8462,0 +8463,0 +8464,0 +8465,0 +8466,0 +8467,0 +8468,0 +8469,0 +8470,0 +8471,0 +8472,0 +8473,0 +8474,0 +8475,0 +8476,0 +8477,0 +8478,0 +8479,0 +8480,0 +8481,0 +8482,0 +8483,0 +8484,0 +8485,0 +8486,0 +8487,0 +8488,0 +8489,0 +8490,0 +8491,0 +8492,0 +8493,0 +8494,0 +8495,0 +8496,0 +8497,0 +8498,0 +8499,0 +8500,0 +8501,0 +8502,0 +8503,0 +8504,0 +8505,0 +8506,0 +8507,0 +8508,0 +8509,0 +8510,0 +8511,0 +8512,0 +8513,0 +8514,0 +8515,0 +8516,0 +8517,0 +8518,0 +8519,0 +8520,0 +8521,0 +8522,0 +8523,0 +8524,0 +8525,0 +8526,0 +8527,0 +8528,0 +8529,0 +8530,0 +8531,0 +8532,0 +8533,0 +8534,0 +8535,0 +8536,0 +8537,0 +8538,0 +8539,0 +8540,0 +8541,0 +8542,0 +8543,0 +8544,0 +8545,0 +8546,0 +8547,0 +8548,0 +8549,0 +8550,0 +8551,0 +8552,0 +8553,0 +8554,0 +8555,0 +8556,0 +8557,0 +8558,0 +8559,0 +8560,0 +8561,0 +8562,0 +8563,0 +8564,0 +8565,0 +8566,0 +8567,0 +8568,0 +8569,0 +8570,0 +8571,0 +8572,0 +8573,0 +8574,0 +8575,0 +8576,0 +8577,0 +8578,0 +8579,0 +8580,0 +8581,0 +8582,0 +8583,0 +8584,0 +8585,0 +8586,0 +8587,0 +8588,0 +8589,0 +8590,0 +8591,0 +8592,0 +8593,0 +8594,0 +8595,0 +8596,0 +8597,0 +8598,0 +8599,0 +8600,0 +8601,0 +8602,0 +8603,0 +8604,0 +8605,0 +8606,0 +8607,0 +8608,0 +8609,0 +8610,0 +8611,0 +8612,0 +8613,0 +8614,0 +8615,0 +8616,0 +8617,0 +8618,0 +8619,0 +8620,0 +8621,0 +8622,0 +8623,0 +8624,0 +8625,0 +8626,0 +8627,0 +8628,0 +8629,0 +8630,0 +8631,0 +8632,0 +8633,0 +8634,0 +8635,0 +8636,0 +8637,0 +8638,0 +8639,0 +8640,0 +8641,0 +8642,0 +8643,0 +8644,0 +8645,0 +8646,0 +8647,0 +8648,0 +8649,0 +8650,0 +8651,0 +8652,0 +8653,0 +8654,0 +8655,0 +8656,0 +8657,0 +8658,0 +8659,0 +8660,0 +8661,0 +8662,0 +8663,0 +8664,0 +8665,0 +8666,0 +8667,0 +8668,0 +8669,0 +8670,0 +8671,0 +8672,0 +8673,0 +8674,0 +8675,0 +8676,0 +8677,0 +8678,0 +8679,0 +8680,0 +8681,0 +8682,0 +8683,0 +8684,0 +8685,0 +8686,0 +8687,0 +8688,0 +8689,0 +8690,0 +8691,0 +8692,0 +8693,0 +8694,0 +8695,0 +8696,0 +8697,0 +8698,0 +8699,0 +8700,0 +8701,0 +8702,0 +8703,0 +8704,0 +8705,0 +8706,0 +8707,0 +8708,0 +8709,0 +8710,0 +8711,0 +8712,0 +8713,0 +8714,0 +8715,0 +8716,0 +8717,0 +8718,0 +8719,0 +8720,0 +8721,0 +8722,0 +8723,0 +8724,0 +8725,0 +8726,0 +8727,0 +8728,0 +8729,0 +8730,0 +8731,0 +8732,0 +8733,0 +8734,0 +8735,0 +8736,0 +8737,0 +8738,0 +8739,0 +8740,0 +8741,0 +8742,0 +8743,0 +8744,0 +8745,0 +8746,0 +8747,0 +8748,0 +8749,0 +8750,0 +8751,0 +8752,0 +8753,0 +8754,0 +8755,0 +8756,0 +8757,0 +8758,0 +8759,0 +8760,0 +8761,0 +8762,0 +8763,0 +8764,0 +8765,0 +8766,0 +8767,0 +8768,0 +8769,0 +8770,0 +8771,0 +8772,0 +8773,0 +8774,0 +8775,0 +8776,0 +8777,0 +8778,0 +8779,0 +8780,0 +8781,0 +8782,0 +8783,0 +8784,0 +8785,0 +8786,0 +8787,0 +8788,0 +8789,0 +8790,0 +8791,0 +8792,0 +8793,0 +8794,0 +8795,0 +8796,0 +8797,0 +8798,0 +8799,0 +8800,0 +8801,0 +8802,0 +8803,0 +8804,0 +8805,0 +8806,0 +8807,0 +8808,0 +8809,0 +8810,0 +8811,0 +8812,0 +8813,0 +8814,0 +8815,0 +8816,0 +8817,0 +8818,0 +8819,0 +8820,0 +8821,0 +8822,0 +8823,0 +8824,0 +8825,0 +8826,0 +8827,0 +8828,0 +8829,0 +8830,0 +8831,0 +8832,0 +8833,0 +8834,0 +8835,0 +8836,0 +8837,0 +8838,0 +8839,0 +8840,0 +8841,0 +8842,0 +8843,0 +8844,0 +8845,0 +8846,0 +8847,0 +8848,0 +8849,0 +8850,0 +8851,0 +8852,0 +8853,0 +8854,0 +8855,0 +8856,0 +8857,0 +8858,0 +8859,0 +8860,0 +8861,0 +8862,0 +8863,0 +8864,0 +8865,0 +8866,0 +8867,0 +8868,0 +8869,0 +8870,0 +8871,0 +8872,0 +8873,0 +8874,0 +8875,0 +8876,0 +8877,0 +8878,0 +8879,0 +8880,0 +8881,0 +8882,0 +8883,0 +8884,0 +8885,0 +8886,0 +8887,0 +8888,0 +8889,0 +8890,0 +8891,0 +8892,0 +8893,0 +8894,0 +8895,0 +8896,0 +8897,0 +8898,0 +8899,0 +8900,0 +8901,0 +8902,0 +8903,0 +8904,0 +8905,0 +8906,0 +8907,0 +8908,0 +8909,0 +8910,0 +8911,0 +8912,0 +8913,0 +8914,0 +8915,0 +8916,0 +8917,0 +8918,0 +8919,0 +8920,0 +8921,0 +8922,0 +8923,0 +8924,0 +8925,0 +8926,0 +8927,0 +8928,0 +8929,0 +8930,0 +8931,0 +8932,0 +8933,0 +8934,0 +8935,0 +8936,0 +8937,0 +8938,0 +8939,0 +8940,0 +8941,0 +8942,0 +8943,0 +8944,0 +8945,0 +8946,0 +8947,0 +8948,0 +8949,0 +8950,0 +8951,0 +8952,0 +8953,0 +8954,0 +8955,0 +8956,0 +8957,0 +8958,0 +8959,0 +8960,0 +8961,0 +8962,0 +8963,0 +8964,0 +8965,0 +8966,0 +8967,0 +8968,0 +8969,0 +8970,0 +8971,0 +8972,0 +8973,0 +8974,0 +8975,0 +8976,0 +8977,0 +8978,0 +8979,0 +8980,0 +8981,0 +8982,0 +8983,0 +8984,0 +8985,0 +8986,0 +8987,0 +8988,0 +8989,0 +8990,0 +8991,0 +8992,0 +8993,0 +8994,0 +8995,0 +8996,0 +8997,0 +8998,0 +8999,0 +9000,0 +9001,0 +9002,0 +9003,0 +9004,0 +9005,0 +9006,0 +9007,0 +9008,0 +9009,0 +9010,0 +9011,0 +9012,0 +9013,0 +9014,0 +9015,0 +9016,0 +9017,0 +9018,0 +9019,0 +9020,0 +9021,0 +9022,0 +9023,0 +9024,0 +9025,0 +9026,0 +9027,0 +9028,0 +9029,0 +9030,0 +9031,0 +9032,0 +9033,0 +9034,0 +9035,0 +9036,0 +9037,0 +9038,0 +9039,0 +9040,0 +9041,0 +9042,0 +9043,0 +9044,0 +9045,0 +9046,0 +9047,0 +9048,0 +9049,0 +9050,0 +9051,0 +9052,0 +9053,0 +9054,0 +9055,0 +9056,0 +9057,0 +9058,0 +9059,0 +9060,0 +9061,0 +9062,0 +9063,0 +9064,0 +9065,0 +9066,0 +9067,0 +9068,0 +9069,0 +9070,0 +9071,0 +9072,0 +9073,0 +9074,0 +9075,0 +9076,0 +9077,0 +9078,0 +9079,0 +9080,0 +9081,0 +9082,0 +9083,0 +9084,0 +9085,0 +9086,0 +9087,0 +9088,0 +9089,0 +9090,0 +9091,0 +9092,0 +9093,0 +9094,0 +9095,0 +9096,0 +9097,0 +9098,0 +9099,0 +9100,0 +9101,0 +9102,0 +9103,0 +9104,0 +9105,0 +9106,0 +9107,0 +9108,0 +9109,0 +9110,0 +9111,0 +9112,0 +9113,0 +9114,0 +9115,0 +9116,0 +9117,0 +9118,0 +9119,0 +9120,0 +9121,0 +9122,0 +9123,0 +9124,0 +9125,0 +9126,0 +9127,0 +9128,0 +9129,0 +9130,0 +9131,0 +9132,0 +9133,0 +9134,0 +9135,0 +9136,0 +9137,0 +9138,0 +9139,0 +9140,0 +9141,0 +9142,0 +9143,0 +9144,0 +9145,0 +9146,0 +9147,0 +9148,0 +9149,0 +9150,0 +9151,0 +9152,0 +9153,0 +9154,0 +9155,0 +9156,0 +9157,0 +9158,0 +9159,0 +9160,0 +9161,0 +9162,0 +9163,0 +9164,0 +9165,0 +9166,0 +9167,0 +9168,0 +9169,0 +9170,0 +9171,0 +9172,0 +9173,0 +9174,0 +9175,0 +9176,0 +9177,0 +9178,0 +9179,0 +9180,0 +9181,0 +9182,0 +9183,0 +9184,0 +9185,0 +9186,0 +9187,0 +9188,0 +9189,0 +9190,0 +9191,0 +9192,0 +9193,0 +9194,0 +9195,0 +9196,0 +9197,0 +9198,0 +9199,0 +9200,0 +9201,0 +9202,0 +9203,0 +9204,0 +9205,0 +9206,0 +9207,0 +9208,0 +9209,0 +9210,0 +9211,0 +9212,0 +9213,0 +9214,0 +9215,0 +9216,0 +9217,0 +9218,0 +9219,0 +9220,0 +9221,0 +9222,0 +9223,0 +9224,0 +9225,0 +9226,0 +9227,0 +9228,0 +9229,0 +9230,0 +9231,0 +9232,0 +9233,0 +9234,0 +9235,0 +9236,0 +9237,0 +9238,0 +9239,0 +9240,0 +9241,0 +9242,0 +9243,0 +9244,0 +9245,0 +9246,0 +9247,0 +9248,0 +9249,0 +9250,0 +9251,0 +9252,0 +9253,0 +9254,0 +9255,0 +9256,0 +9257,0 +9258,0 +9259,0 +9260,0 +9261,0 +9262,0 +9263,0 +9264,0 +9265,0 +9266,0 +9267,0 +9268,0 +9269,0 +9270,0 +9271,0 +9272,0 +9273,0 +9274,0 +9275,0 +9276,0 +9277,0 +9278,0 +9279,0 +9280,0 +9281,0 +9282,0 +9283,0 +9284,0 +9285,0 +9286,0 +9287,0 +9288,0 +9289,0 +9290,0 +9291,0 +9292,0 +9293,0 +9294,0 +9295,0 +9296,0 +9297,0 +9298,0 +9299,0 +9300,0 +9301,0 +9302,0 +9303,0 +9304,0 +9305,0 +9306,0 +9307,0 +9308,0 +9309,0 +9310,0 +9311,0 +9312,0 +9313,0 +9314,0 +9315,0 +9316,0 +9317,0 +9318,0 +9319,0 +9320,0 +9321,0 +9322,0 +9323,0 +9324,0 +9325,0 +9326,0 +9327,0 +9328,0 +9329,0 +9330,0 +9331,0 +9332,0 +9333,0 +9334,0 +9335,0 +9336,0 +9337,0 +9338,0 +9339,0 +9340,0 +9341,0 +9342,0 +9343,0 +9344,0 +9345,0 +9346,0 +9347,0 +9348,0 +9349,0 +9350,0 +9351,0 +9352,0 +9353,0 +9354,0 +9355,0 +9356,0 +9357,0 +9358,0 +9359,0 +9360,0 +9361,0 +9362,0 +9363,0 +9364,0 +9365,0 +9366,0 +9367,0 +9368,0 +9369,0 +9370,0 +9371,0 +9372,0 +9373,0 +9374,0 +9375,0 +9376,0 +9377,0 +9378,0 +9379,0 +9380,0 +9381,0 +9382,0 +9383,0 +9384,0 +9385,0 +9386,0 +9387,0 +9388,0 +9389,0 +9390,0 +9391,0 +9392,0 +9393,0 +9394,0 +9395,0 +9396,0 +9397,0 +9398,0 +9399,0 +9400,0 +9401,0 +9402,0 +9403,0 +9404,0 +9405,0 +9406,0 +9407,0 +9408,0 +9409,0 +9410,0 +9411,0 +9412,0 +9413,0 +9414,0 +9415,0 +9416,0 +9417,0 +9418,0 +9419,0 +9420,0 +9421,0 +9422,0 +9423,0 +9424,0 +9425,0 +9426,0 +9427,0 +9428,0 +9429,0 +9430,0 +9431,0 +9432,0 +9433,0 +9434,0 +9435,0 +9436,0 +9437,0 +9438,0 +9439,0 +9440,0 +9441,0 +9442,0 +9443,0 +9444,0 +9445,0 +9446,0 +9447,0 +9448,0 +9449,0 +9450,0 +9451,0 +9452,0 +9453,0 +9454,0 +9455,0 +9456,0 +9457,0 +9458,0 +9459,0 +9460,0 +9461,0 +9462,0 +9463,0 +9464,0 +9465,0 +9466,0 +9467,0 +9468,0 +9469,0 +9470,0 +9471,0 +9472,0 +9473,0 +9474,0 +9475,0 +9476,0 +9477,0 +9478,0 +9479,0 +9480,0 +9481,0 +9482,0 +9483,0 +9484,0 +9485,0 +9486,0 +9487,0 +9488,0 +9489,0 +9490,0 +9491,0 +9492,0 +9493,0 +9494,0 +9495,0 +9496,0 +9497,0 +9498,0 +9499,0 +9500,0 +9501,0 +9502,0 +9503,0 +9504,0 +9505,0 +9506,0 +9507,0 +9508,0 +9509,0 +9510,0 +9511,0 +9512,0 +9513,0 +9514,0 +9515,0 +9516,0 +9517,0 +9518,0 +9519,0 +9520,0 +9521,0 +9522,0 +9523,0 +9524,0 +9525,0 +9526,0 +9527,0 +9528,0 +9529,0 +9530,0 +9531,0 +9532,0 +9533,0 +9534,0 +9535,0 +9536,0 +9537,0 +9538,0 +9539,0 +9540,0 +9541,0 +9542,0 +9543,0 +9544,0 +9545,0 +9546,0 +9547,0 +9548,0 +9549,0 +9550,0 +9551,0 +9552,0 +9553,0 +9554,0 +9555,0 +9556,0 +9557,0 +9558,0 +9559,0 +9560,0 +9561,0 +9562,0 +9563,0 +9564,0 +9565,0 +9566,0 +9567,0 +9568,0 +9569,0 +9570,0 +9571,0 +9572,0 +9573,0 +9574,0 +9575,0 +9576,0 +9577,0 +9578,0 +9579,0 +9580,0 +9581,0 +9582,0 +9583,0 +9584,0 +9585,0 +9586,0 +9587,0 +9588,0 +9589,0 +9590,0 +9591,0 +9592,0 +9593,0 +9594,0 +9595,0 +9596,0 +9597,0 +9598,0 +9599,0 +9600,0 +9601,0 +9602,0 +9603,0 +9604,0 +9605,0 +9606,0 +9607,0 +9608,0 +9609,0 +9610,0 +9611,0 +9612,0 +9613,0 +9614,0 +9615,0 +9616,0 +9617,0 +9618,0 +9619,0 +9620,0 +9621,0 +9622,0 +9623,0 +9624,0 +9625,0 +9626,0 +9627,0 +9628,0 +9629,0 +9630,0 +9631,0 +9632,0 +9633,0 +9634,0 +9635,0 +9636,0 +9637,0 +9638,0 +9639,0 +9640,0 +9641,0 +9642,0 +9643,0 +9644,0 +9645,0 +9646,0 +9647,0 +9648,0 +9649,0 +9650,0 +9651,0 +9652,0 +9653,0 +9654,0 +9655,0 +9656,0 +9657,0 +9658,0 +9659,0 +9660,0 +9661,0 +9662,0 +9663,0 +9664,0 +9665,0 +9666,0 +9667,0 +9668,0 +9669,0 +9670,0 +9671,0 +9672,0 +9673,0 +9674,0 +9675,0 +9676,0 +9677,0 +9678,0 +9679,0 +9680,0 +9681,0 +9682,0 +9683,0 +9684,0 +9685,0 +9686,0 +9687,0 +9688,0 +9689,0 +9690,0 +9691,0 +9692,0 +9693,0 +9694,0 +9695,0 +9696,0 +9697,0 +9698,0 +9699,0 +9700,0 +9701,0 +9702,0 +9703,0 +9704,0 +9705,0 +9706,0 +9707,0 +9708,0 +9709,0 +9710,0 +9711,0 +9712,0 +9713,0 +9714,0 +9715,0 +9716,0 +9717,0 +9718,0 +9719,0 +9720,0 +9721,0 +9722,0 +9723,0 +9724,0 +9725,0 +9726,0 +9727,0 +9728,0 +9729,0 +9730,0 +9731,0 +9732,0 +9733,0 +9734,0 +9735,0 +9736,0 +9737,0 +9738,0 +9739,0 +9740,0 +9741,0 +9742,0 +9743,0 +9744,0 +9745,0 +9746,0 +9747,0 +9748,0 +9749,0 +9750,0 +9751,0 +9752,0 +9753,0 +9754,0 +9755,0 +9756,0 +9757,0 +9758,0 +9759,0 +9760,0 +9761,0 +9762,0 +9763,0 +9764,0 +9765,0 +9766,0 +9767,0 +9768,0 +9769,0 +9770,0 +9771,0 +9772,0 +9773,0 +9774,0 +9775,0 +9776,0 +9777,0 +9778,0 +9779,0 +9780,0 +9781,0 +9782,0 +9783,0 +9784,0 +9785,0 +9786,0 +9787,0 +9788,0 +9789,0 +9790,0 +9791,0 +9792,0 +9793,0 +9794,0 +9795,0 +9796,0 +9797,0 +9798,0 +9799,0 +9800,0 +9801,0 +9802,0 +9803,0 +9804,0 +9805,0 +9806,0 +9807,0 +9808,0 +9809,0 +9810,0 +9811,0 +9812,0 +9813,0 +9814,0 +9815,0 +9816,0 +9817,0 +9818,0 +9819,0 +9820,0 +9821,0 +9822,0 +9823,0 +9824,0 +9825,0 +9826,0 +9827,0 +9828,0 +9829,0 +9830,0 +9831,0 +9832,0 +9833,0 +9834,0 +9835,0 +9836,0 +9837,0 +9838,0 +9839,0 +9840,0 +9841,0 +9842,0 +9843,0 +9844,0 +9845,0 +9846,0 +9847,0 +9848,0 +9849,0 +9850,0 +9851,0 +9852,0 +9853,0 +9854,0 +9855,0 +9856,0 +9857,0 +9858,0 +9859,0 +9860,0 +9861,0 +9862,0 +9863,0 +9864,0 +9865,0 +9866,0 +9867,0 +9868,0 +9869,0 +9870,0 +9871,0 +9872,0 +9873,0 +9874,0 +9875,0 +9876,0 +9877,0 +9878,0 +9879,0 +9880,0 +9881,0 +9882,0 +9883,0 +9884,0 +9885,0 +9886,0 +9887,0 +9888,0 +9889,0 +9890,0 +9891,0 +9892,0 +9893,0 +9894,0 +9895,0 +9896,0 +9897,0 +9898,0 +9899,0 +9900,0 +9901,0 +9902,0 +9903,0 +9904,0 +9905,0 +9906,0 +9907,0 +9908,0 +9909,0 +9910,0 +9911,0 +9912,0 +9913,0 +9914,0 +9915,0 +9916,0 +9917,0 +9918,0 +9919,0 +9920,0 +9921,0 +9922,0 +9923,0 +9924,0 +9925,0 +9926,0 +9927,0 +9928,0 +9929,0 +9930,0 +9931,0 +9932,0 +9933,0 +9934,0 +9935,0 +9936,0 +9937,0 +9938,0 +9939,0 +9940,0 +9941,0 +9942,0 +9943,0 +9944,0 +9945,0 +9946,0 +9947,0 +9948,0 +9949,0 +9950,0 +9951,0 +9952,0 +9953,0 +9954,0 +9955,0 +9956,0 +9957,0 +9958,0 +9959,0 +9960,0 +9961,0 +9962,0 +9963,0 +9964,0 +9965,0 +9966,0 +9967,0 +9968,0 +9969,0 +9970,0 +9971,0 +9972,0 +9973,0 +9974,0 +9975,0 +9976,0 +9977,0 +9978,0 +9979,0 +9980,0 +9981,0 +9982,0 +9983,0 +9984,0 +9985,0 +9986,0 +9987,0 +9988,0 +9989,0 +9990,0 +9991,0 +9992,0 +9993,0 +9994,0 +9995,0 +9996,0 +9997,0 +9998,0 +9999,0 +10000,0 +10001,0 +10002,0 +10003,0 +10004,0 +10005,0 +10006,0 +10007,0 +10008,0 +10009,0 +10010,0 +10011,0 +10012,0 +10013,0 +10014,0 +10015,0 +10016,0 +10017,0 +10018,0 +10019,0 +10020,0 +10021,0 +10022,0 +10023,0 +10024,0 +10025,0 +10026,0 +10027,0 +10028,0 +10029,0 +10030,0 +10031,0 +10032,0 +10033,0 +10034,0 +10035,0 +10036,0 +10037,0 +10038,0 +10039,0 +10040,0 +10041,0 +10042,0 +10043,0 +10044,0 +10045,0 +10046,0 +10047,0 +10048,0 +10049,0 +10050,0 +10051,0 +10052,0 +10053,0 +10054,0 +10055,0 +10056,0 +10057,0 +10058,0 +10059,0 +10060,0 +10061,0 +10062,0 +10063,0 +10064,0 +10065,0 +10066,0 +10067,0 +10068,0 +10069,0 +10070,0 +10071,0 +10072,0 +10073,0 +10074,0 +10075,0 +10076,0 +10077,0 +10078,0 +10079,0 +10080,0 +10081,0 +10082,0 +10083,0 +10084,0 +10085,0 +10086,0 +10087,0 +10088,0 +10089,0 +10090,0 +10091,0 +10092,0 +10093,0 +10094,0 +10095,0 +10096,0 +10097,0 +10098,0 +10099,0 +10100,0 +10101,0 +10102,0 +10103,0 +10104,0 +10105,0 +10106,0 +10107,0 +10108,0 +10109,0 +10110,0 +10111,0 +10112,0 +10113,0 +10114,0 +10115,0 +10116,0 +10117,0 +10118,0 +10119,0 +10120,0 +10121,0 +10122,0 +10123,0 +10124,0 +10125,0 +10126,0 +10127,0 +10128,0 +10129,0 +10130,0 +10131,0 +10132,0 +10133,0 +10134,0 +10135,0 +10136,0 +10137,0 +10138,0 +10139,0 +10140,0 +10141,0 +10142,0 +10143,0 +10144,0 +10145,0 +10146,0 +10147,0 +10148,0 +10149,0 +10150,0 +10151,0 +10152,0 +10153,0 +10154,0 +10155,0 +10156,0 +10157,0 +10158,0 +10159,0 +10160,0 +10161,0 +10162,0 +10163,0 +10164,0 +10165,0 +10166,0 +10167,0 +10168,0 +10169,0 +10170,0 +10171,0 +10172,0 +10173,0 +10174,0 +10175,0 +10176,0 +10177,0 +10178,0 +10179,0 +10180,0 +10181,0 +10182,0 +10183,0 +10184,0 +10185,0 +10186,0 +10187,0 +10188,0 +10189,0 +10190,0 +10191,0 +10192,0 +10193,0 +10194,0 +10195,0 +10196,0 +10197,0 +10198,0 +10199,0 +10200,0 +10201,0 +10202,0 +10203,0 +10204,0 +10205,0 +10206,0 +10207,0 +10208,0 +10209,0 +10210,0 +10211,0 +10212,0 +10213,0 +10214,0 +10215,0 +10216,0 +10217,0 +10218,0 +10219,0 +10220,0 +10221,0 +10222,0 +10223,0 +10224,0 +10225,0 +10226,0 +10227,0 +10228,0 +10229,0 +10230,0 +10231,0 +10232,0 +10233,0 +10234,0 +10235,0 +10236,0 +10237,0 +10238,0 +10239,0 +10240,0 +10241,0 +10242,0 +10243,0 +10244,0 +10245,0 +10246,0 +10247,0 +10248,0 +10249,0 +10250,0 +10251,0 +10252,0 +10253,0 +10254,0 +10255,0 +10256,0 +10257,0 +10258,0 +10259,0 +10260,0 +10261,0 +10262,0 +10263,0 +10264,0 +10265,0 +10266,0 +10267,0 +10268,0 +10269,0 +10270,0 +10271,0 +10272,0 +10273,0 +10274,0 +10275,0 +10276,0 +10277,0 +10278,0 +10279,0 +10280,0 +10281,0 +10282,0 +10283,0 +10284,0 +10285,0 +10286,0 +10287,0 +10288,0 +10289,0 +10290,0 +10291,0 +10292,0 +10293,0 +10294,0 +10295,0 +10296,0 +10297,0 +10298,0 +10299,0 +10300,0 +10301,0 +10302,0 +10303,0 +10304,0 +10305,0 +10306,0 +10307,0 +10308,0 +10309,0 +10310,0 +10311,0 +10312,0 +10313,0 +10314,0 +10315,0 +10316,0 +10317,0 +10318,0 +10319,0 +10320,0 +10321,0 +10322,0 +10323,0 +10324,0 +10325,0 +10326,0 +10327,0 +10328,0 +10329,0 +10330,0 +10331,0 +10332,0 +10333,0 +10334,0 +10335,0 +10336,0 +10337,0 +10338,0 +10339,0 +10340,0 +10341,0 +10342,0 +10343,0 +10344,0 +10345,0 +10346,0 +10347,0 +10348,0 +10349,0 +10350,0 +10351,0 +10352,0 +10353,0 +10354,0 +10355,0 +10356,0 +10357,0 +10358,0 +10359,0 +10360,0 +10361,0 +10362,0 +10363,0 +10364,0 +10365,0 +10366,0 +10367,0 +10368,0 +10369,0 +10370,0 +10371,0 +10372,0 +10373,0 +10374,0 +10375,0 +10376,0 +10377,0 +10378,0 +10379,0 +10380,0 +10381,0 +10382,0 +10383,0 +10384,0 +10385,0 +10386,0 +10387,0 +10388,0 +10389,0 +10390,0 +10391,0 +10392,0 +10393,0 +10394,0 +10395,0 +10396,0 +10397,0 +10398,0 +10399,0 +10400,0 +10401,0 +10402,0 +10403,0 +10404,0 +10405,0 +10406,0 +10407,0 +10408,0 +10409,0 +10410,0 +10411,0 +10412,0 +10413,0 +10414,0 +10415,0 +10416,0 +10417,0 +10418,0 +10419,0 +10420,0 +10421,0 +10422,0 +10423,0 +10424,0 +10425,0 +10426,0 +10427,0 +10428,0 +10429,0 +10430,0 +10431,0 +10432,0 +10433,0 +10434,0 +10435,0 +10436,0 +10437,0 +10438,0 +10439,0 +10440,0 +10441,0 +10442,0 +10443,0 +10444,0 +10445,0 +10446,0 +10447,0 +10448,0 +10449,0 +10450,0 +10451,0 +10452,0 +10453,0 +10454,0 +10455,0 +10456,0 +10457,0 +10458,0 +10459,0 +10460,0 +10461,0 +10462,0 +10463,0 +10464,0 +10465,0 +10466,0 +10467,0 +10468,0 +10469,0 +10470,0 +10471,0 +10472,0 +10473,0 +10474,0 +10475,0 +10476,0 +10477,0 +10478,0 +10479,0 +10480,0 +10481,0 +10482,0 +10483,0 +10484,0 +10485,0 +10486,0 +10487,0 +10488,0 +10489,0 +10490,0 +10491,0 +10492,0 +10493,0 +10494,0 +10495,0 +10496,0 +10497,0 +10498,0 +10499,0 +10500,0 +10501,0 +10502,0 +10503,0 +10504,0 +10505,0 +10506,0 +10507,0 +10508,0 +10509,0 +10510,0 +10511,0 +10512,0 +10513,0 +10514,0 +10515,0 +10516,0 +10517,0 +10518,0 +10519,0 +10520,0 +10521,0 +10522,0 +10523,0 +10524,0 +10525,0 +10526,0 +10527,0 +10528,0 +10529,0 +10530,0 +10531,0 +10532,0 +10533,0 +10534,0 +10535,0 +10536,0 +10537,0 +10538,0 +10539,0 +10540,0 +10541,0 +10542,0 +10543,0 +10544,0 +10545,0 +10546,0 +10547,0 +10548,0 +10549,0 +10550,0 +10551,0 +10552,0 +10553,0 +10554,0 +10555,0 +10556,0 +10557,0 +10558,0 +10559,0 +10560,0 +10561,0 +10562,0 +10563,0 +10564,0 +10565,0 +10566,0 +10567,0 +10568,0 +10569,0 +10570,0 +10571,0 +10572,0 +10573,0 +10574,0 +10575,0 +10576,0 +10577,0 +10578,0 +10579,0 +10580,0 +10581,0 +10582,0 +10583,0 +10584,0 +10585,0 +10586,0 +10587,0 +10588,0 +10589,0 +10590,0 +10591,0 +10592,0 +10593,0 +10594,0 +10595,0 +10596,0 +10597,0 +10598,0 +10599,0 +10600,0 +10601,0 +10602,0 +10603,0 +10604,0 +10605,0 +10606,0 +10607,0 +10608,0 +10609,0 +10610,0 +10611,0 +10612,0 +10613,0 +10614,0 +10615,0 +10616,0 +10617,0 +10618,0 +10619,0 +10620,0 +10621,0 +10622,0 +10623,0 +10624,0 +10625,0 +10626,0 +10627,0 +10628,0 +10629,0 +10630,0 +10631,0 +10632,0 +10633,0 +10634,0 +10635,0 +10636,0 +10637,0 +10638,0 +10639,0 +10640,0 +10641,0 +10642,0 +10643,0 +10644,0 +10645,0 +10646,0 +10647,0 +10648,0 +10649,0 +10650,0 +10651,0 +10652,0 +10653,0 +10654,0 +10655,0 +10656,0 +10657,0 +10658,0 +10659,0 +10660,0 +10661,0 +10662,0 +10663,0 +10664,0 +10665,0 +10666,0 +10667,0 +10668,0 +10669,0 +10670,0 +10671,0 +10672,0 +10673,0 +10674,0 +10675,0 +10676,0 +10677,0 +10678,0 +10679,0 +10680,0 +10681,0 +10682,0 +10683,0 +10684,0 +10685,0 +10686,0 +10687,0 +10688,0 +10689,0 +10690,0 +10691,0 +10692,0 +10693,0 +10694,0 +10695,0 +10696,0 +10697,0 +10698,0 +10699,0 +10700,0 +10701,0 +10702,0 +10703,0 +10704,0 +10705,0 +10706,0 +10707,0 +10708,0 +10709,0 +10710,0 +10711,0 +10712,0 +10713,0 +10714,0 +10715,0 +10716,0 +10717,0 +10718,0 +10719,0 +10720,0 +10721,0 +10722,0 +10723,0 +10724,0 +10725,0 +10726,0 +10727,0 +10728,0 +10729,0 +10730,0 +10731,0 +10732,0 +10733,0 +10734,0 +10735,0 +10736,0 +10737,0 +10738,0 +10739,0 +10740,0 +10741,0 +10742,0 +10743,0 +10744,0 +10745,0 +10746,0 +10747,0 +10748,0 +10749,0 +10750,0 +10751,0 +10752,0 +10753,0 +10754,0 +10755,0 +10756,0 +10757,0 +10758,0 +10759,0 +10760,0 +10761,0 +10762,0 +10763,0 +10764,0 +10765,0 +10766,0 +10767,0 +10768,0 +10769,0 +10770,0 +10771,0 +10772,0 +10773,0 +10774,0 +10775,0 +10776,0 +10777,0 +10778,0 +10779,0 +10780,0 +10781,0 +10782,0 +10783,0 +10784,0 +10785,0 +10786,0 +10787,0 +10788,0 +10789,0 +10790,0 +10791,0 +10792,0 +10793,0 +10794,0 +10795,0 +10796,0 +10797,0 +10798,0 +10799,0 +10800,0 +10801,0 +10802,0 +10803,0 +10804,0 +10805,0 +10806,0 +10807,0 +10808,0 +10809,0 +10810,0 +10811,0 +10812,0 +10813,0 +10814,0 +10815,0 +10816,0 +10817,0 +10818,0 +10819,0 +10820,0 +10821,0 +10822,0 +10823,0 +10824,0 +10825,0 +10826,0 +10827,0 +10828,0 +10829,0 +10830,0 +10831,0 +10832,0 +10833,0 +10834,0 +10835,0 +10836,0 +10837,0 +10838,0 +10839,0 +10840,0 +10841,0 +10842,0 +10843,0 +10844,0 +10845,0 +10846,0 +10847,0 +10848,0 +10849,0 +10850,0 +10851,0 +10852,0 +10853,0 +10854,0 +10855,0 +10856,0 +10857,0 +10858,0 +10859,0 +10860,0 +10861,0 +10862,0 +10863,0 +10864,0 +10865,0 +10866,0 +10867,0 +10868,0 +10869,0 +10870,0 +10871,0 +10872,0 +10873,0 +10874,0 +10875,0 +10876,0 +10877,0 +10878,0 +10879,0 +10880,0 +10881,0 +10882,0 +10883,0 +10884,0 +10885,0 +10886,0 +10887,0 +10888,0 +10889,0 +10890,0 +10891,0 +10892,0 +10893,0 +10894,0 +10895,0 +10896,0 +10897,0 +10898,0 +10899,0 +10900,0 +10901,0 +10902,0 +10903,0 +10904,0 +10905,0 +10906,0 +10907,0 +10908,0 +10909,0 +10910,0 +10911,0 +10912,0 +10913,0 +10914,0 +10915,0 +10916,0 +10917,0 +10918,0 +10919,0 +10920,0 +10921,0 +10922,0 +10923,0 +10924,0 +10925,0 +10926,0 +10927,0 +10928,0 +10929,0 +10930,0 +10931,0 +10932,0 +10933,0 +10934,0 +10935,0 +10936,0 +10937,0 +10938,0 +10939,0 +10940,0 +10941,0 +10942,0 +10943,0 +10944,0 +10945,0 +10946,0 +10947,0 +10948,0 +10949,0 +10950,0 +10951,0 +10952,0 +10953,0 +10954,0 +10955,0 +10956,0 +10957,0 +10958,0 +10959,0 +10960,0 +10961,0 +10962,0 +10963,0 +10964,0 +10965,0 +10966,0 +10967,0 +10968,0 +10969,0 +10970,0 +10971,0 +10972,0 +10973,0 +10974,0 +10975,0 +10976,0 +10977,0 +10978,0 +10979,0 +10980,0 +10981,0 +10982,0 +10983,0 +10984,0 +10985,0 +10986,0 +10987,0 +10988,0 +10989,0 +10990,0 +10991,0 +10992,0 +10993,0 +10994,0 +10995,0 +10996,0 +10997,0 +10998,0 +10999,0 +11000,0 +11001,0 +11002,0 +11003,0 +11004,0 +11005,0 +11006,0 +11007,0 +11008,0 +11009,0 +11010,0 +11011,0 +11012,0 +11013,0 +11014,0 +11015,0 +11016,0 +11017,0 +11018,0 +11019,0 +11020,0 +11021,0 +11022,0 +11023,0 +11024,0 +11025,0 +11026,0 +11027,0 +11028,0 +11029,0 +11030,0 +11031,0 +11032,0 +11033,0 +11034,0 +11035,0 +11036,0 +11037,0 +11038,0 +11039,0 +11040,0 +11041,0 +11042,0 +11043,0 +11044,0 +11045,0 +11046,0 +11047,0 +11048,0 +11049,0 +11050,0 +11051,0 +11052,0 +11053,0 +11054,0 +11055,0 +11056,0 +11057,0 +11058,0 +11059,0 +11060,0 +11061,0 +11062,0 +11063,0 +11064,0 +11065,0 +11066,0 +11067,0 +11068,0 +11069,0 +11070,0 +11071,0 +11072,0 +11073,0 +11074,0 +11075,0 +11076,0 +11077,0 +11078,0 +11079,0 +11080,0 +11081,0 +11082,0 +11083,0 +11084,0 +11085,0 +11086,0 +11087,0 +11088,0 +11089,0 +11090,0 +11091,0 +11092,0 +11093,0 +11094,0 +11095,0 +11096,0 +11097,0 +11098,0 +11099,0 +11100,0 +11101,0 +11102,0 +11103,0 +11104,0 +11105,0 +11106,0 +11107,0 +11108,0 +11109,0 +11110,0 +11111,0 +11112,0 +11113,0 +11114,0 +11115,0 +11116,0 +11117,0 +11118,0 +11119,0 +11120,0 +11121,0 +11122,0 +11123,0 +11124,0 +11125,0 +11126,0 +11127,0 +11128,0 +11129,0 +11130,0 +11131,0 +11132,0 +11133,0 +11134,0 +11135,0 +11136,0 +11137,0 +11138,0 +11139,0 +11140,0 +11141,0 +11142,0 +11143,0 +11144,0 +11145,0 +11146,0 +11147,0 +11148,0 +11149,0 +11150,0 +11151,0 +11152,0 +11153,0 +11154,0 +11155,0 +11156,0 +11157,0 +11158,0 +11159,0 +11160,0 +11161,0 +11162,0 +11163,0 +11164,0 +11165,0 +11166,0 +11167,0 +11168,0 +11169,0 +11170,0 +11171,0 +11172,0 +11173,0 +11174,0 +11175,0 +11176,0 +11177,0 +11178,0 +11179,0 +11180,0 +11181,0 +11182,0 +11183,0 +11184,0 +11185,0 +11186,0 +11187,0 +11188,0 +11189,0 +11190,0 +11191,0 +11192,0 +11193,0 +11194,0 +11195,0 +11196,0 +11197,0 +11198,0 +11199,0 +11200,0 +11201,0 +11202,0 +11203,0 +11204,0 +11205,0 +11206,0 +11207,0 +11208,0 +11209,0 +11210,0 +11211,0 +11212,0 +11213,0 +11214,0 +11215,0 +11216,0 +11217,0 +11218,0 +11219,0 +11220,0 +11221,0 +11222,0 +11223,0 +11224,0 +11225,0 +11226,0 +11227,0 +11228,0 +11229,0 +11230,0 +11231,0 +11232,0 +11233,0 +11234,0 +11235,0 +11236,0 +11237,0 +11238,0 +11239,0 +11240,0 +11241,0 +11242,0 +11243,0 +11244,0 +11245,0 +11246,0 +11247,0 +11248,0 +11249,0 +11250,0 +11251,0 +11252,0 +11253,0 +11254,0 +11255,0 +11256,0 +11257,0 +11258,0 +11259,0 +11260,0 +11261,0 +11262,0 +11263,0 +11264,0 +11265,0 +11266,0 +11267,0 +11268,0 +11269,0 +11270,0 +11271,0 +11272,0 +11273,0 +11274,0 +11275,0 +11276,0 +11277,0 +11278,0 +11279,0 +11280,0 +11281,0 +11282,0 +11283,0 +11284,0 +11285,0 +11286,0 +11287,0 +11288,0 +11289,0 +11290,0 +11291,0 +11292,0 +11293,0 +11294,0 +11295,0 +11296,0 +11297,0 +11298,0 +11299,0 +11300,0 +11301,0 +11302,0 +11303,0 +11304,0 +11305,0 +11306,0 +11307,0 +11308,0 +11309,0 +11310,0 +11311,0 +11312,0 +11313,0 +11314,0 +11315,0 +11316,0 +11317,0 +11318,0 +11319,0 +11320,0 +11321,0 +11322,0 +11323,0 +11324,0 +11325,0 +11326,0 +11327,0 +11328,0 +11329,0 +11330,0 +11331,0 +11332,0 +11333,0 +11334,0 +11335,0 +11336,0 +11337,0 +11338,0 +11339,0 +11340,0 +11341,0 +11342,0 +11343,0 +11344,0 +11345,0 +11346,0 +11347,0 +11348,0 +11349,0 +11350,0 +11351,0 +11352,0 +11353,0 +11354,0 +11355,0 +11356,0 +11357,0 +11358,0 +11359,0 +11360,0 +11361,0 +11362,0 +11363,0 +11364,0 +11365,0 +11366,0 +11367,0 +11368,0 +11369,0 +11370,0 +11371,0 +11372,0 +11373,0 +11374,0 +11375,0 +11376,0 +11377,0 +11378,0 +11379,0 +11380,0 +11381,0 +11382,0 +11383,0 +11384,0 +11385,0 +11386,0 +11387,0 +11388,0 +11389,0 +11390,0 +11391,0 +11392,0 +11393,0 +11394,0 +11395,0 +11396,0 +11397,0 +11398,0 +11399,0 +11400,0 +11401,0 +11402,0 +11403,0 +11404,0 +11405,0 +11406,0 +11407,0 +11408,0 +11409,0 +11410,0 +11411,0 +11412,0 +11413,0 +11414,0 +11415,0 +11416,0 +11417,0 +11418,0 +11419,0 +11420,0 +11421,0 +11422,0 +11423,0 +11424,0 +11425,0 +11426,0 +11427,0 +11428,0 +11429,0 +11430,0 +11431,0 +11432,0 +11433,0 +11434,0 +11435,0 +11436,0 +11437,0 +11438,0 +11439,0 +11440,0 +11441,0 +11442,0 +11443,0 +11444,0 +11445,0 +11446,0 +11447,0 +11448,0 +11449,0 +11450,0 +11451,0 +11452,0 +11453,0 +11454,0 +11455,0 +11456,0 +11457,0 +11458,0 +11459,0 +11460,0 +11461,0 +11462,0 +11463,0 +11464,0 +11465,0 +11466,0 +11467,0 +11468,0 +11469,0 +11470,0 +11471,0 +11472,0 +11473,0 +11474,0 +11475,0 +11476,0 +11477,0 +11478,0 +11479,0 +11480,0 +11481,0 +11482,0 +11483,0 +11484,0 +11485,0 +11486,0 +11487,0 +11488,0 +11489,0 +11490,0 +11491,0 +11492,0 +11493,0 +11494,0 +11495,0 +11496,0 +11497,0 +11498,0 +11499,0 +11500,0 +11501,0 +11502,0 +11503,0 +11504,0 +11505,0 +11506,0 +11507,0 +11508,0 +11509,0 +11510,0 +11511,0 +11512,0 +11513,0 +11514,0 +11515,0 +11516,0 +11517,0 +11518,0 +11519,0 +11520,0 +11521,0 +11522,0 +11523,0 +11524,0 +11525,0 +11526,0 +11527,0 +11528,0 +11529,0 +11530,0 +11531,0 +11532,0 +11533,0 +11534,0 +11535,0 +11536,0 +11537,0 +11538,0 +11539,0 +11540,0 +11541,0 +11542,0 +11543,0 +11544,0 +11545,0 +11546,0 +11547,0 +11548,0 +11549,0 +11550,0 +11551,0 +11552,0 +11553,0 +11554,0 +11555,0 +11556,0 +11557,0 +11558,0 +11559,0 +11560,0 +11561,0 +11562,0 +11563,0 +11564,0 +11565,0 +11566,0 +11567,0 +11568,0 +11569,0 +11570,0 +11571,0 +11572,0 +11573,0 +11574,0 +11575,0 +11576,0 +11577,0 +11578,0 +11579,0 +11580,0 +11581,0 +11582,0 +11583,0 +11584,0 +11585,0 +11586,0 +11587,0 +11588,0 +11589,0 +11590,0 +11591,0 +11592,0 +11593,0 +11594,0 +11595,0 +11596,0 +11597,0 +11598,0 +11599,0 +11600,0 +11601,0 +11602,0 +11603,0 +11604,0 +11605,0 +11606,0 +11607,0 +11608,0 +11609,0 +11610,0 +11611,0 +11612,0 +11613,0 +11614,0 +11615,0 +11616,0 +11617,0 +11618,0 +11619,0 +11620,0 +11621,0 +11622,0 +11623,0 +11624,0 +11625,0 +11626,0 +11627,0 +11628,0 +11629,0 +11630,0 +11631,0 +11632,0 +11633,0 +11634,0 +11635,0 +11636,0 +11637,0 +11638,0 +11639,0 +11640,0 +11641,0 +11642,0 +11643,0 +11644,0 +11645,0 +11646,0 +11647,0 +11648,0 +11649,0 +11650,0 +11651,0 +11652,0 +11653,0 +11654,0 +11655,0 +11656,0 +11657,0 +11658,0 +11659,0 +11660,0 +11661,0 +11662,0 +11663,0 +11664,0 +11665,0 +11666,0 +11667,0 +11668,0 +11669,0 +11670,0 +11671,0 +11672,0 +11673,0 +11674,0 +11675,0 +11676,0 +11677,0 +11678,0 +11679,0 +11680,0 +11681,0 +11682,0 +11683,0 +11684,0 +11685,0 +11686,0 +11687,0 +11688,0 +11689,0 +11690,0 +11691,0 +11692,0 +11693,0 +11694,0 +11695,0 +11696,0 +11697,0 +11698,0 +11699,0 +11700,0 +11701,0 +11702,0 +11703,0 +11704,0 +11705,0 +11706,0 +11707,0 +11708,0 +11709,0 +11710,0 +11711,0 +11712,0 +11713,0 +11714,0 +11715,0 +11716,0 +11717,0 +11718,0 +11719,0 +11720,0 +11721,0 +11722,0 +11723,0 +11724,0 +11725,0 +11726,0 +11727,0 +11728,0 +11729,0 +11730,0 +11731,0 +11732,0 +11733,0 +11734,0 +11735,0 +11736,0 +11737,0 +11738,0 +11739,0 +11740,0 +11741,0 +11742,0 +11743,0 +11744,0 +11745,0 +11746,0 +11747,0 +11748,0 +11749,0 +11750,0 +11751,0 +11752,0 +11753,0 +11754,0 +11755,0 +11756,0 +11757,0 +11758,0 +11759,0 +11760,0 +11761,0 +11762,0 +11763,0 +11764,0 +11765,0 +11766,0 +11767,0 +11768,0 +11769,0 +11770,0 +11771,0 +11772,0 +11773,0 +11774,0 +11775,0 +11776,0 +11777,0 +11778,0 +11779,0 +11780,0 +11781,0 +11782,0 +11783,0 +11784,0 +11785,0 +11786,0 +11787,0 +11788,0 +11789,0 +11790,0 +11791,0 +11792,0 +11793,0 +11794,0 +11795,0 +11796,0 +11797,0 +11798,0 +11799,0 +11800,0 +11801,0 +11802,0 +11803,0 +11804,0 +11805,0 +11806,0 +11807,0 +11808,0 +11809,0 +11810,0 +11811,0 +11812,0 +11813,0 +11814,0 +11815,0 +11816,0 +11817,0 +11818,0 +11819,0 +11820,0 +11821,0 +11822,0 +11823,0 +11824,0 +11825,0 +11826,0 +11827,0 +11828,0 +11829,0 +11830,0 +11831,0 +11832,0 +11833,0 +11834,0 +11835,0 +11836,0 +11837,0 +11838,0 +11839,0 +11840,0 +11841,0 +11842,0 +11843,0 +11844,0 +11845,0 +11846,0 +11847,0 +11848,0 +11849,0 +11850,0 +11851,0 +11852,0 +11853,0 +11854,0 +11855,0 +11856,0 +11857,0 +11858,0 +11859,0 +11860,0 +11861,0 +11862,0 +11863,0 +11864,0 +11865,0 +11866,0 +11867,0 +11868,0 +11869,0 +11870,0 +11871,0 +11872,0 +11873,0 +11874,0 +11875,0 +11876,0 +11877,0 +11878,0 +11879,0 +11880,0 +11881,0 +11882,0 +11883,0 +11884,0 +11885,0 +11886,0 +11887,0 +11888,0 +11889,0 +11890,0 +11891,0 +11892,0 +11893,0 +11894,0 +11895,0 +11896,0 +11897,0 +11898,0 +11899,0 +11900,0 +11901,0 +11902,0 +11903,0 +11904,0 +11905,0 +11906,0 +11907,0 +11908,0 +11909,0 +11910,0 +11911,0 +11912,0 +11913,0 +11914,0 +11915,0 +11916,0 +11917,0 +11918,0 +11919,0 +11920,0 +11921,0 +11922,0 +11923,0 +11924,0 +11925,0 +11926,0 +11927,0 +11928,0 +11929,0 +11930,0 +11931,0 +11932,0 +11933,0 +11934,0 +11935,0 +11936,0 +11937,0 +11938,0 +11939,0 +11940,0 +11941,0 +11942,0 +11943,0 +11944,0 +11945,0 +11946,0 +11947,0 +11948,0 +11949,0 +11950,0 +11951,0 +11952,0 +11953,0 +11954,0 +11955,0 +11956,0 +11957,0 +11958,0 +11959,0 +11960,0 +11961,0 +11962,0 +11963,0 +11964,0 +11965,0 +11966,0 +11967,0 +11968,0 +11969,0 +11970,0 +11971,0 +11972,0 +11973,0 +11974,0 +11975,0 +11976,0 +11977,0 +11978,0 +11979,0 +11980,0 +11981,0 +11982,0 +11983,0 +11984,0 +11985,0 +11986,0 +11987,0 +11988,0 +11989,0 +11990,0 +11991,0 +11992,0 +11993,0 +11994,0 +11995,0 +11996,0 +11997,0 +11998,0 +11999,0 +12000,0 +12001,0 +12002,0 +12003,0 +12004,0 +12005,0 +12006,0 +12007,0 +12008,0 +12009,0 +12010,0 +12011,0 +12012,0 +12013,0 +12014,0 +12015,0 +12016,0 +12017,0 +12018,0 +12019,0 +12020,0 +12021,0 +12022,0 +12023,0 +12024,0 +12025,0 +12026,0 +12027,0 +12028,0 +12029,0 +12030,0 +12031,0 +12032,0 +12033,0 +12034,0 +12035,0 +12036,0 +12037,0 +12038,0 +12039,0 +12040,0 +12041,0 +12042,0 +12043,0 +12044,0 +12045,0 +12046,0 +12047,0 +12048,0 +12049,0 +12050,0 +12051,0 +12052,0 +12053,0 +12054,0 +12055,0 +12056,0 +12057,0 +12058,0 +12059,0 +12060,0 +12061,0 +12062,0 +12063,0 +12064,0 +12065,0 +12066,0 +12067,0 +12068,0 +12069,0 +12070,0 +12071,0 +12072,0 +12073,0 +12074,0 +12075,0 +12076,0 +12077,0 +12078,0 +12079,0 +12080,0 +12081,0 +12082,0 +12083,0 +12084,0 +12085,0 +12086,0 +12087,0 +12088,0 +12089,0 +12090,0 +12091,0 +12092,0 +12093,0 +12094,0 +12095,0 +12096,0 +12097,0 +12098,0 +12099,0 +12100,0 +12101,0 +12102,0 +12103,0 +12104,0 +12105,0 +12106,0 +12107,0 +12108,0 +12109,0 +12110,0 +12111,0 +12112,0 +12113,0 +12114,0 +12115,0 +12116,0 +12117,0 +12118,0 +12119,0 +12120,0 +12121,0 +12122,0 +12123,0 +12124,0 +12125,0 +12126,0 +12127,0 +12128,0 +12129,0 +12130,0 +12131,0 +12132,0 +12133,0 +12134,0 +12135,0 +12136,0 +12137,0 +12138,0 +12139,0 +12140,0 +12141,0 +12142,0 +12143,0 +12144,0 +12145,0 +12146,0 +12147,0 +12148,0 +12149,0 +12150,0 +12151,0 +12152,0 +12153,0 +12154,0 +12155,0 +12156,0 +12157,0 +12158,0 +12159,0 +12160,0 +12161,0 +12162,0 +12163,0 +12164,0 +12165,0 +12166,0 +12167,0 +12168,0 +12169,0 +12170,0 +12171,0 +12172,0 +12173,0 +12174,0 +12175,0 +12176,0 +12177,0 +12178,0 +12179,0 +12180,0 +12181,0 +12182,0 +12183,0 +12184,0 +12185,0 +12186,0 +12187,0 +12188,0 +12189,0 +12190,0 +12191,0 +12192,0 +12193,0 +12194,0 +12195,0 +12196,0 +12197,0 +12198,0 +12199,0 +12200,0 +12201,0 +12202,0 +12203,0 +12204,0 +12205,0 +12206,0 +12207,0 +12208,0 +12209,0 +12210,0 +12211,0 +12212,0 +12213,0 +12214,0 +12215,0 +12216,0 +12217,0 +12218,0 +12219,0 +12220,0 +12221,0 +12222,0 +12223,0 +12224,0 +12225,0 +12226,0 +12227,0 +12228,0 +12229,0 +12230,0 +12231,0 +12232,0 +12233,0 +12234,0 +12235,0 +12236,0 +12237,0 +12238,0 +12239,0 +12240,0 +12241,0 +12242,0 +12243,0 +12244,0 +12245,0 +12246,0 +12247,0 +12248,0 +12249,0 +12250,0 +12251,0 +12252,0 +12253,0 +12254,0 +12255,0 +12256,0 +12257,0 +12258,0 +12259,0 +12260,0 +12261,0 +12262,0 +12263,0 +12264,0 +12265,0 +12266,0 +12267,0 +12268,0 +12269,0 +12270,0 +12271,0 +12272,0 +12273,0 +12274,0 +12275,0 +12276,0 +12277,0 +12278,0 +12279,0 +12280,0 +12281,0 +12282,0 +12283,0 +12284,0 +12285,0 +12286,0 +12287,0 +12288,0 +12289,0 +12290,0 +12291,0 +12292,0 +12293,0 +12294,0 +12295,0 +12296,0 +12297,0 +12298,0 +12299,0 +12300,0 +12301,0 +12302,0 +12303,0 +12304,0 +12305,0 +12306,0 +12307,0 +12308,0 +12309,0 +12310,0 +12311,0 +12312,0 +12313,0 +12314,0 +12315,0 +12316,0 +12317,0 +12318,0 +12319,0 +12320,0 +12321,0 +12322,0 +12323,0 +12324,0 +12325,0 +12326,0 +12327,0 +12328,0 +12329,0 +12330,0 +12331,0 +12332,0 +12333,0 +12334,0 +12335,0 +12336,0 +12337,0 +12338,0 +12339,0 +12340,0 +12341,0 +12342,0 +12343,0 +12344,0 +12345,0 +12346,0 +12347,0 +12348,0 +12349,0 +12350,0 +12351,0 +12352,0 +12353,0 +12354,0 +12355,0 +12356,0 +12357,0 +12358,0 +12359,0 +12360,0 +12361,0 +12362,0 +12363,0 +12364,0 +12365,0 +12366,0 +12367,0 +12368,0 +12369,0 +12370,0 +12371,0 +12372,0 +12373,0 +12374,0 +12375,0 +12376,0 +12377,0 +12378,0 +12379,0 +12380,0 +12381,0 +12382,0 +12383,0 +12384,0 +12385,0 +12386,0 +12387,0 +12388,0 +12389,0 +12390,0 +12391,0 +12392,0 +12393,0 +12394,0 +12395,0 +12396,0 +12397,0 +12398,0 +12399,0 +12400,0 +12401,0 +12402,0 +12403,0 +12404,0 +12405,0 +12406,0 +12407,0 +12408,0 +12409,0 +12410,0 +12411,0 +12412,0 +12413,0 +12414,0 +12415,0 +12416,0 +12417,0 +12418,0 +12419,0 +12420,0 +12421,0 +12422,0 +12423,0 +12424,0 +12425,0 +12426,0 +12427,0 +12428,0 +12429,0 +12430,0 +12431,0 +12432,0 +12433,0 +12434,0 +12435,0 +12436,0 +12437,0 +12438,0 +12439,0 +12440,0 +12441,0 +12442,0 +12443,0 +12444,0 +12445,0 +12446,0 +12447,0 +12448,0 +12449,0 +12450,0 +12451,0 +12452,0 +12453,0 +12454,0 +12455,0 +12456,0 +12457,0 +12458,0 +12459,0 +12460,0 +12461,0 +12462,0 +12463,0 +12464,0 +12465,0 +12466,0 +12467,0 +12468,0 +12469,0 +12470,0 +12471,0 +12472,0 +12473,0 +12474,0 +12475,0 +12476,0 +12477,0 +12478,0 +12479,0 +12480,0 +12481,0 +12482,0 +12483,0 +12484,0 +12485,0 +12486,0 +12487,0 +12488,0 +12489,0 +12490,0 +12491,0 +12492,0 +12493,0 +12494,0 +12495,0 +12496,0 +12497,0 +12498,0 +12499,0 +12500,0 +12501,0 +12502,0 +12503,0 +12504,0 +12505,0 +12506,0 +12507,0 +12508,0 +12509,0 +12510,0 +12511,0 +12512,0 +12513,0 +12514,0 +12515,0 +12516,0 +12517,0 +12518,0 +12519,0 +12520,0 +12521,0 +12522,0 +12523,0 +12524,0 +12525,0 +12526,0 +12527,0 +12528,0 +12529,0 +12530,0 +12531,0 +12532,0 +12533,0 +12534,0 +12535,0 +12536,0 +12537,0 +12538,0 +12539,0 +12540,0 +12541,0 +12542,0 +12543,0 +12544,0 +12545,0 +12546,0 +12547,0 +12548,0 +12549,0 +12550,0 +12551,0 +12552,0 +12553,0 +12554,0 +12555,0 +12556,0 +12557,0 +12558,0 +12559,0 +12560,0 +12561,0 +12562,0 +12563,0 +12564,0 +12565,0 +12566,0 +12567,0 +12568,0 +12569,0 +12570,0 +12571,0 +12572,0 +12573,0 +12574,0 +12575,0 +12576,0 +12577,0 +12578,0 +12579,0 +12580,0 +12581,0 +12582,0 +12583,0 +12584,0 +12585,0 +12586,0 +12587,0 +12588,0 +12589,0 +12590,0 +12591,0 +12592,0 +12593,0 +12594,0 +12595,0 +12596,0 +12597,0 +12598,0 +12599,0 +12600,0 +12601,0 +12602,0 +12603,0 +12604,0 +12605,0 +12606,0 +12607,0 +12608,0 +12609,0 +12610,0 +12611,0 +12612,0 +12613,0 +12614,0 +12615,0 +12616,0 +12617,0 +12618,0 +12619,0 +12620,0 +12621,0 +12622,0 +12623,0 +12624,0 +12625,0 +12626,0 +12627,0 +12628,0 +12629,0 +12630,0 +12631,0 +12632,0 +12633,0 +12634,0 +12635,0 +12636,0 +12637,0 +12638,0 +12639,0 +12640,0 +12641,0 +12642,0 +12643,0 +12644,0 +12645,0 +12646,0 +12647,0 +12648,0 +12649,0 +12650,0 +12651,0 +12652,0 +12653,0 +12654,0 +12655,0 +12656,0 +12657,0 +12658,0 +12659,0 +12660,0 +12661,0 +12662,0 +12663,0 +12664,0 +12665,0 +12666,0 +12667,0 +12668,0 +12669,0 +12670,0 +12671,0 +12672,0 +12673,0 +12674,0 +12675,0 +12676,0 +12677,0 +12678,0 +12679,0 +12680,0 +12681,0 +12682,0 +12683,0 +12684,0 +12685,0 +12686,0 +12687,0 +12688,0 +12689,0 +12690,0 +12691,0 +12692,0 +12693,0 +12694,0 +12695,0 +12696,0 +12697,0 +12698,0 +12699,0 +12700,0 +12701,0 +12702,0 +12703,0 +12704,0 +12705,0 +12706,0 +12707,0 +12708,0 +12709,0 +12710,0 +12711,0 +12712,0 +12713,0 +12714,0 +12715,0 +12716,0 +12717,0 +12718,0 +12719,0 +12720,0 +12721,0 +12722,0 +12723,0 +12724,0 +12725,0 +12726,0 +12727,0 +12728,0 +12729,0 +12730,0 +12731,0 +12732,0 +12733,0 +12734,0 +12735,0 +12736,0 +12737,0 +12738,0 +12739,0 +12740,0 +12741,0 +12742,0 +12743,0 +12744,0 +12745,0 +12746,0 +12747,0 +12748,0 +12749,0 +12750,0 +12751,0 +12752,0 +12753,0 +12754,0 +12755,0 +12756,0 +12757,0 +12758,0 +12759,0 +12760,0 +12761,0 +12762,0 +12763,0 +12764,0 +12765,0 +12766,0 +12767,0 +12768,0 +12769,0 +12770,0 +12771,0 +12772,0 +12773,0 +12774,0 +12775,0 +12776,0 +12777,0 +12778,0 +12779,0 +12780,0 +12781,0 +12782,0 +12783,0 +12784,0 +12785,0 +12786,0 +12787,0 +12788,0 +12789,0 +12790,0 +12791,0 +12792,0 +12793,0 +12794,0 +12795,0 +12796,0 +12797,0 +12798,0 +12799,0 +12800,0 +12801,0 +12802,0 +12803,0 +12804,0 +12805,0 +12806,0 +12807,0 +12808,0 +12809,0 +12810,0 +12811,0 +12812,0 +12813,0 +12814,0 +12815,0 +12816,0 +12817,0 +12818,0 +12819,0 +12820,0 +12821,0 +12822,0 +12823,0 +12824,0 +12825,0 +12826,0 +12827,0 +12828,0 +12829,0 +12830,0 +12831,0 +12832,0 +12833,0 +12834,0 +12835,0 +12836,0 +12837,0 +12838,0 +12839,0 +12840,0 +12841,0 +12842,0 +12843,0 +12844,0 +12845,0 +12846,0 +12847,0 +12848,0 +12849,0 +12850,0 +12851,0 +12852,0 +12853,0 +12854,0 +12855,0 +12856,0 +12857,0 +12858,0 +12859,0 +12860,0 +12861,0 +12862,0 +12863,0 +12864,0 +12865,0 +12866,0 +12867,0 +12868,0 +12869,0 +12870,0 +12871,0 +12872,0 +12873,0 +12874,0 +12875,0 +12876,0 +12877,0 +12878,0 +12879,0 +12880,0 +12881,0 +12882,0 +12883,0 +12884,0 +12885,0 +12886,0 +12887,0 +12888,0 +12889,0 +12890,0 +12891,0 +12892,0 +12893,0 +12894,0 +12895,0 +12896,0 +12897,0 +12898,0 +12899,0 +12900,0 +12901,0 +12902,0 +12903,0 +12904,0 +12905,0 +12906,0 +12907,0 +12908,0 +12909,0 +12910,0 +12911,0 +12912,0 +12913,0 +12914,0 +12915,0 +12916,0 +12917,0 +12918,0 +12919,0 +12920,0 +12921,0 +12922,0 +12923,0 +12924,0 +12925,0 +12926,0 +12927,0 +12928,0 +12929,0 +12930,0 +12931,0 +12932,0 +12933,0 +12934,0 +12935,0 +12936,0 +12937,0 +12938,0 +12939,0 +12940,0 +12941,0 +12942,0 +12943,0 +12944,0 +12945,0 +12946,0 +12947,0 +12948,0 +12949,0 +12950,0 +12951,0 +12952,0 +12953,0 +12954,0 +12955,0 +12956,0 +12957,0 +12958,0 +12959,0 +12960,0 +12961,0 +12962,0 +12963,0 +12964,0 +12965,0 +12966,0 +12967,0 +12968,0 +12969,0 +12970,0 +12971,0 +12972,0 +12973,0 +12974,0 +12975,0 +12976,0 +12977,0 +12978,0 +12979,0 +12980,0 +12981,0 +12982,0 +12983,0 +12984,0 +12985,0 +12986,0 +12987,0 +12988,0 +12989,0 +12990,0 +12991,0 +12992,0 +12993,0 +12994,0 +12995,0 +12996,0 +12997,0 +12998,0 +12999,0 +13000,0 +13001,0 +13002,0 +13003,0 +13004,0 +13005,0 +13006,0 +13007,0 +13008,0 +13009,0 +13010,0 +13011,0 +13012,0 +13013,0 +13014,0 +13015,0 +13016,0 +13017,0 +13018,0 +13019,0 +13020,0 +13021,0 +13022,0 +13023,0 +13024,0 +13025,0 +13026,0 +13027,0 +13028,0 +13029,0 +13030,0 +13031,0 +13032,0 +13033,0 +13034,0 +13035,0 +13036,0 +13037,0 +13038,0 +13039,0 +13040,0 +13041,0 +13042,0 +13043,0 +13044,0 +13045,0 +13046,0 +13047,0 +13048,0 +13049,0 +13050,0 +13051,0 +13052,0 +13053,0 +13054,0 +13055,0 +13056,0 +13057,0 +13058,0 +13059,0 +13060,0 +13061,0 +13062,0 +13063,0 +13064,0 +13065,0 +13066,0 +13067,0 +13068,0 +13069,0 +13070,0 +13071,0 +13072,0 +13073,0 +13074,0 +13075,0 +13076,0 +13077,0 +13078,0 +13079,0 +13080,0 +13081,0 +13082,0 +13083,0 +13084,0 +13085,0 +13086,0 +13087,0 +13088,0 +13089,0 +13090,0 +13091,0 +13092,0 +13093,0 +13094,0 +13095,0 +13096,0 +13097,0 +13098,0 +13099,0 +13100,0 +13101,0 +13102,0 +13103,0 +13104,0 +13105,0 +13106,0 +13107,0 +13108,0 +13109,0 +13110,0 +13111,0 +13112,0 +13113,0 +13114,0 +13115,0 +13116,0 +13117,0 +13118,0 +13119,0 +13120,0 +13121,0 +13122,0 +13123,0 +13124,0 +13125,0 +13126,0 +13127,0 +13128,0 +13129,0 +13130,0 +13131,0 +13132,0 +13133,0 +13134,0 +13135,0 +13136,0 +13137,0 +13138,0 +13139,0 +13140,0 +13141,0 +13142,0 +13143,0 +13144,0 +13145,0 +13146,0 +13147,0 +13148,0 +13149,0 +13150,0 +13151,0 +13152,0 +13153,0 +13154,0 +13155,0 +13156,0 +13157,0 +13158,0 +13159,0 +13160,0 +13161,0 +13162,0 +13163,0 +13164,0 +13165,0 +13166,0 +13167,0 +13168,0 +13169,0 +13170,0 +13171,0 +13172,0 +13173,0 +13174,0 +13175,0 +13176,0 +13177,0 +13178,0 +13179,0 +13180,0 +13181,0 +13182,0 +13183,0 +13184,0 +13185,0 +13186,0 +13187,0 +13188,0 +13189,0 +13190,0 +13191,0 +13192,0 +13193,0 +13194,0 +13195,0 +13196,0 +13197,0 +13198,0 +13199,0 +13200,0 +13201,0 +13202,0 +13203,0 +13204,0 +13205,0 +13206,0 +13207,0 +13208,0 +13209,0 +13210,0 +13211,0 +13212,0 +13213,0 +13214,0 +13215,0 +13216,0 +13217,0 +13218,0 +13219,0 +13220,0 +13221,0 +13222,0 +13223,0 +13224,0 +13225,0 +13226,0 +13227,0 +13228,0 +13229,0 +13230,0 +13231,0 +13232,0 +13233,0 +13234,0 +13235,0 +13236,0 +13237,0 +13238,0 +13239,0 +13240,0 +13241,0 +13242,0 +13243,0 +13244,0 +13245,0 +13246,0 +13247,0 +13248,0 +13249,0 +13250,0 +13251,0 +13252,0 +13253,0 +13254,0 +13255,0 +13256,0 +13257,0 +13258,0 +13259,0 +13260,0 +13261,0 +13262,0 +13263,0 +13264,0 +13265,0 +13266,0 +13267,0 +13268,0 +13269,0 +13270,0 +13271,0 +13272,0 +13273,0 +13274,0 +13275,0 +13276,0 +13277,0 +13278,0 +13279,0 +13280,0 +13281,0 +13282,0 +13283,0 +13284,0 +13285,0 +13286,0 +13287,0 +13288,0 +13289,0 +13290,0 +13291,0 +13292,0 +13293,0 +13294,0 +13295,0 +13296,0 +13297,0 +13298,0 +13299,0 +13300,0 +13301,0 +13302,0 +13303,0 +13304,0 +13305,0 +13306,0 +13307,0 +13308,0 +13309,0 +13310,0 +13311,0 +13312,0 +13313,0 +13314,0 +13315,0 +13316,0 +13317,0 +13318,0 +13319,0 +13320,0 +13321,0 +13322,0 +13323,0 +13324,0 +13325,0 +13326,0 +13327,0 +13328,0 +13329,0 +13330,0 +13331,0 +13332,0 +13333,0 +13334,0 +13335,0 +13336,0 +13337,0 +13338,0 +13339,0 +13340,0 +13341,0 +13342,0 +13343,0 +13344,0 +13345,0 +13346,0 +13347,0 +13348,0 +13349,0 +13350,0 +13351,0 +13352,0 +13353,0 +13354,0 +13355,0 +13356,0 +13357,0 +13358,0 +13359,0 +13360,0 +13361,0 +13362,0 +13363,0 +13364,0 +13365,0 +13366,0 +13367,0 +13368,0 +13369,0 +13370,0 +13371,0 +13372,0 +13373,0 +13374,0 +13375,0 +13376,0 +13377,0 +13378,0 +13379,0 +13380,0 +13381,0 +13382,0 +13383,0 +13384,0 +13385,0 +13386,0 +13387,0 +13388,0 +13389,0 +13390,0 +13391,0 +13392,0 +13393,0 +13394,0 +13395,0 +13396,0 +13397,0 +13398,0 +13399,0 +13400,0 +13401,0 +13402,0 +13403,0 +13404,0 +13405,0 +13406,0 +13407,0 +13408,0 +13409,0 +13410,0 +13411,0 +13412,0 +13413,0 +13414,0 +13415,0 +13416,0 +13417,0 +13418,0 +13419,0 +13420,0 +13421,0 +13422,0 +13423,0 +13424,0 +13425,0 +13426,0 +13427,0 +13428,0 +13429,0 +13430,0 +13431,0 +13432,0 +13433,0 +13434,0 +13435,0 +13436,0 +13437,0 +13438,0 +13439,0 +13440,0 +13441,0 +13442,0 +13443,0 +13444,0 +13445,0 +13446,0 +13447,0 +13448,0 +13449,0 +13450,0 +13451,0 +13452,0 +13453,0 +13454,0 +13455,0 +13456,0 +13457,0 +13458,0 +13459,0 +13460,0 +13461,0 +13462,0 +13463,0 +13464,0 +13465,0 +13466,0 +13467,0 +13468,0 +13469,0 +13470,0 +13471,0 +13472,0 +13473,0 +13474,0 +13475,0 +13476,0 +13477,0 +13478,0 +13479,0 +13480,0 +13481,0 +13482,0 +13483,0 +13484,0 +13485,0 +13486,0 +13487,0 +13488,0 +13489,0 +13490,0 +13491,0 +13492,0 +13493,0 +13494,0 +13495,0 +13496,0 +13497,0 +13498,0 +13499,0 +13500,0 +13501,0 +13502,0 +13503,0 +13504,0 +13505,0 +13506,0 +13507,0 +13508,0 +13509,0 +13510,0 +13511,0 +13512,0 +13513,0 +13514,0 +13515,0 +13516,0 +13517,0 +13518,0 +13519,0 +13520,0 +13521,0 +13522,0 +13523,0 +13524,0 +13525,0 +13526,0 +13527,0 +13528,0 +13529,0 +13530,0 +13531,0 +13532,0 +13533,0 +13534,0 +13535,0 +13536,0 +13537,0 +13538,0 +13539,0 +13540,0 +13541,0 +13542,0 +13543,0 +13544,0 +13545,0 +13546,0 +13547,0 +13548,0 +13549,0 +13550,0 +13551,0 +13552,0 +13553,0 +13554,0 +13555,0 +13556,0 +13557,0 +13558,0 +13559,0 +13560,0 +13561,0 +13562,0 +13563,0 +13564,0 +13565,0 +13566,0 +13567,0 +13568,0 +13569,0 +13570,0 +13571,0 +13572,0 +13573,0 +13574,0 +13575,0 +13576,0 +13577,0 +13578,0 +13579,0 +13580,0 +13581,0 +13582,0 +13583,0 +13584,0 +13585,0 +13586,0 +13587,0 +13588,0 +13589,0 +13590,0 +13591,0 +13592,0 +13593,0 +13594,0 +13595,0 +13596,0 +13597,0 +13598,0 +13599,0 +13600,0 +13601,0 +13602,0 +13603,0 +13604,0 +13605,0 +13606,0 +13607,0 +13608,0 +13609,0 +13610,0 +13611,0 +13612,0 +13613,0 +13614,0 +13615,0 +13616,0 +13617,0 +13618,0 +13619,0 +13620,0 +13621,0 +13622,0 +13623,0 +13624,0 +13625,0 +13626,0 +13627,0 +13628,0 +13629,0 +13630,0 +13631,0 +13632,0 +13633,0 +13634,0 +13635,0 +13636,0 +13637,0 +13638,0 +13639,0 +13640,0 +13641,0 +13642,0 +13643,0 +13644,0 +13645,0 +13646,0 +13647,0 +13648,0 +13649,0 +13650,0 +13651,0 +13652,0 +13653,0 +13654,0 +13655,0 +13656,0 +13657,0 +13658,0 +13659,0 +13660,0 +13661,0 +13662,0 +13663,0 +13664,0 +13665,0 +13666,0 +13667,0 +13668,0 +13669,0 +13670,0 +13671,0 +13672,0 +13673,0 +13674,0 +13675,0 +13676,0 +13677,0 +13678,0 +13679,0 +13680,0 +13681,0 +13682,0 +13683,0 +13684,0 +13685,0 +13686,0 +13687,0 +13688,0 +13689,0 +13690,0 +13691,0 +13692,0 +13693,0 +13694,0 +13695,0 +13696,0 +13697,0 +13698,0 +13699,0 +13700,0 +13701,0 +13702,0 +13703,0 +13704,0 +13705,0 +13706,0 +13707,0 +13708,0 +13709,0 +13710,0 +13711,0 +13712,0 +13713,0 +13714,0 +13715,0 +13716,0 +13717,0 +13718,0 +13719,0 +13720,0 +13721,0 +13722,0 +13723,0 +13724,0 +13725,0 +13726,0 +13727,0 +13728,0 +13729,0 +13730,0 +13731,0 +13732,0 +13733,0 +13734,0 +13735,0 +13736,0 +13737,0 +13738,0 +13739,0 +13740,0 +13741,0 +13742,0 +13743,0 +13744,0 +13745,0 +13746,0 +13747,0 +13748,0 +13749,0 +13750,0 +13751,0 +13752,0 +13753,0 +13754,0 +13755,0 +13756,0 +13757,0 +13758,0 +13759,0 +13760,0 +13761,0 +13762,0 +13763,0 +13764,0 +13765,0 +13766,0 +13767,0 +13768,0 +13769,0 +13770,0 +13771,0 +13772,0 +13773,0 +13774,0 +13775,0 +13776,0 +13777,0 +13778,0 +13779,0 +13780,0 +13781,0 +13782,0 +13783,0 +13784,0 +13785,0 +13786,0 +13787,0 +13788,0 +13789,0 +13790,0 +13791,0 +13792,0 +13793,0 +13794,0 +13795,0 +13796,0 +13797,0 +13798,0 +13799,0 +13800,0 +13801,0 +13802,0 +13803,0 +13804,0 +13805,0 +13806,0 +13807,0 +13808,0 +13809,0 +13810,0 +13811,0 +13812,0 +13813,0 +13814,0 +13815,0 +13816,0 +13817,0 +13818,0 +13819,0 +13820,0 +13821,0 +13822,0 +13823,0 +13824,0 +13825,0 +13826,0 +13827,0 +13828,0 +13829,0 +13830,0 +13831,0 +13832,0 +13833,0 +13834,0 +13835,0 +13836,0 +13837,0 +13838,0 +13839,0 +13840,0 +13841,0 +13842,0 +13843,0 +13844,0 +13845,0 +13846,0 +13847,0 +13848,0 +13849,0 +13850,0 +13851,0 +13852,0 +13853,0 +13854,0 +13855,0 +13856,0 +13857,0 +13858,0 +13859,0 +13860,0 +13861,0 +13862,0 +13863,0 +13864,0 +13865,0 +13866,0 +13867,0 +13868,0 +13869,0 +13870,0 +13871,0 +13872,0 +13873,0 +13874,0 +13875,0 +13876,0 +13877,0 +13878,0 +13879,0 +13880,0 +13881,0 +13882,0 +13883,0 +13884,0 +13885,0 +13886,0 +13887,0 +13888,0 +13889,0 +13890,0 +13891,0 +13892,0 +13893,0 +13894,0 +13895,0 +13896,0 +13897,0 +13898,0 +13899,0 +13900,0 +13901,0 +13902,0 +13903,0 +13904,0 +13905,0 +13906,0 +13907,0 +13908,0 +13909,0 +13910,0 +13911,0 +13912,0 +13913,0 +13914,0 +13915,0 +13916,0 +13917,0 +13918,0 +13919,0 +13920,0 +13921,0 +13922,0 +13923,0 +13924,0 +13925,0 +13926,0 +13927,0 +13928,0 +13929,0 +13930,0 +13931,0 +13932,0 +13933,0 +13934,0 +13935,0 +13936,0 +13937,0 +13938,0 +13939,0 +13940,0 +13941,0 +13942,0 +13943,0 +13944,0 +13945,0 +13946,0 +13947,0 +13948,0 +13949,0 +13950,0 +13951,0 +13952,0 +13953,0 +13954,0 +13955,0 +13956,0 +13957,0 +13958,0 +13959,0 +13960,0 +13961,0 +13962,0 +13963,0 +13964,0 +13965,0 +13966,0 +13967,0 +13968,0 +13969,0 +13970,0 +13971,0 +13972,0 +13973,0 +13974,0 +13975,0 +13976,0 +13977,0 +13978,0 +13979,0 +13980,0 +13981,0 +13982,0 +13983,0 +13984,0 +13985,0 +13986,0 +13987,0 +13988,0 +13989,0 +13990,0 +13991,0 +13992,0 +13993,0 +13994,0 +13995,0 +13996,0 +13997,0 +13998,0 +13999,0 +14000,0 +14001,0 +14002,0 +14003,0 +14004,0 +14005,0 +14006,0 +14007,0 +14008,0 +14009,0 +14010,0 +14011,0 +14012,0 +14013,0 +14014,0 +14015,0 +14016,0 +14017,0 +14018,0 +14019,0 +14020,0 +14021,0 +14022,0 +14023,0 +14024,0 +14025,0 +14026,0 +14027,0 +14028,0 +14029,0 +14030,0 +14031,0 +14032,0 +14033,0 +14034,0 +14035,0 +14036,0 +14037,0 +14038,0 +14039,0 +14040,0 +14041,0 +14042,0 +14043,0 +14044,0 +14045,0 +14046,0 +14047,0 +14048,0 +14049,0 +14050,0 +14051,0 +14052,0 +14053,0 +14054,0 +14055,0 +14056,0 +14057,0 +14058,0 +14059,0 +14060,0 +14061,0 +14062,0 +14063,0 +14064,0 +14065,0 +14066,0 +14067,0 +14068,0 +14069,0 +14070,0 +14071,0 +14072,0 +14073,0 +14074,0 +14075,0 +14076,0 +14077,0 +14078,0 +14079,0 +14080,0 +14081,0 +14082,0 +14083,0 +14084,0 +14085,0 +14086,0 +14087,0 +14088,0 +14089,0 +14090,0 +14091,0 +14092,0 +14093,0 +14094,0 +14095,0 +14096,0 +14097,0 +14098,0 +14099,0 +14100,0 +14101,0 +14102,0 +14103,0 +14104,0 +14105,0 +14106,0 +14107,0 +14108,0 +14109,0 +14110,0 +14111,0 +14112,0 +14113,0 +14114,0 +14115,0 +14116,0 +14117,0 +14118,0 +14119,0 +14120,0 +14121,0 +14122,0 +14123,0 +14124,0 +14125,0 +14126,0 +14127,0 +14128,0 +14129,0 +14130,0 +14131,0 +14132,0 +14133,0 +14134,0 +14135,0 +14136,0 +14137,0 +14138,0 +14139,0 +14140,0 +14141,0 +14142,0 +14143,0 +14144,0 +14145,0 +14146,0 +14147,0 +14148,0 +14149,0 +14150,0 +14151,0 +14152,0 +14153,0 +14154,0 +14155,0 +14156,0 +14157,0 +14158,0 +14159,0 +14160,0 +14161,0 +14162,0 +14163,0 +14164,0 +14165,0 +14166,0 +14167,0 +14168,0 +14169,0 +14170,0 +14171,0 +14172,0 +14173,0 +14174,0 +14175,0 +14176,0 +14177,0 +14178,0 +14179,0 +14180,0 +14181,0 +14182,0 +14183,0 +14184,0 +14185,0 +14186,0 +14187,0 +14188,0 +14189,0 +14190,0 +14191,0 +14192,0 +14193,0 +14194,0 +14195,0 +14196,0 +14197,0 +14198,0 +14199,0 +14200,0 +14201,0 +14202,0 +14203,0 +14204,0 +14205,0 +14206,0 +14207,0 +14208,0 +14209,0 +14210,0 +14211,0 +14212,0 +14213,0 +14214,0 +14215,0 +14216,0 +14217,0 +14218,0 +14219,0 +14220,0 +14221,0 +14222,0 +14223,0 +14224,0 +14225,0 +14226,0 +14227,0 +14228,0 +14229,0 +14230,0 +14231,0 +14232,0 +14233,0 +14234,0 +14235,0 +14236,0 +14237,0 +14238,0 +14239,0 +14240,0 +14241,0 +14242,0 +14243,0 +14244,0 +14245,0 +14246,0 +14247,0 +14248,0 +14249,0 +14250,0 +14251,0 +14252,0 +14253,0 +14254,0 +14255,0 +14256,0 +14257,0 +14258,0 +14259,0 +14260,0 +14261,0 +14262,0 +14263,0 +14264,0 +14265,0 +14266,0 +14267,0 +14268,0 +14269,0 +14270,0 +14271,0 +14272,0 +14273,0 +14274,0 +14275,0 +14276,0 +14277,0 +14278,0 +14279,0 +14280,0 +14281,0 +14282,0 +14283,0 +14284,0 +14285,0 +14286,0 +14287,0 +14288,0 +14289,0 +14290,0 +14291,0 +14292,0 +14293,0 +14294,0 +14295,0 +14296,0 +14297,0 +14298,0 +14299,0 +14300,0 +14301,0 +14302,0 +14303,0 +14304,0 +14305,0 +14306,0 +14307,0 +14308,0 +14309,0 +14310,0 +14311,0 +14312,0 +14313,0 +14314,0 +14315,0 +14316,0 +14317,0 +14318,0 +14319,0 +14320,0 +14321,0 +14322,0 +14323,0 +14324,0 +14325,0 +14326,0 +14327,0 +14328,0 +14329,0 +14330,0 +14331,0 +14332,0 +14333,0 +14334,0 +14335,0 +14336,0 +14337,0 +14338,0 +14339,0 +14340,0 +14341,0 +14342,0 +14343,0 +14344,0 +14345,0 +14346,0 +14347,0 +14348,0 +14349,0 +14350,0 +14351,0 +14352,0 +14353,0 +14354,0 +14355,0 +14356,0 +14357,0 +14358,0 +14359,0 +14360,0 +14361,0 +14362,0 +14363,0 +14364,0 +14365,0 +14366,0 +14367,0 +14368,0 +14369,0 +14370,0 +14371,0 +14372,0 +14373,0 +14374,0 +14375,0 +14376,0 +14377,0 +14378,0 +14379,0 +14380,0 +14381,0 +14382,0 +14383,0 +14384,0 +14385,0 +14386,0 +14387,0 +14388,0 +14389,0 +14390,0 +14391,0 +14392,0 +14393,0 +14394,0 +14395,0 +14396,0 +14397,0 +14398,0 +14399,0 +14400,0 +14401,0 +14402,0 +14403,0 +14404,0 +14405,0 +14406,0 +14407,0 +14408,0 +14409,0 +14410,0 +14411,0 +14412,0 +14413,0 +14414,0 +14415,0 +14416,0 +14417,0 +14418,0 +14419,0 +14420,0 +14421,0 +14422,0 +14423,0 +14424,0 +14425,0 +14426,0 +14427,0 +14428,0 +14429,0 +14430,0 +14431,0 +14432,0 +14433,0 +14434,0 +14435,0 +14436,0 +14437,0 +14438,0 +14439,0 +14440,0 +14441,0 +14442,0 +14443,0 +14444,0 +14445,0 +14446,0 +14447,0 +14448,0 +14449,0 +14450,0 +14451,0 +14452,0 +14453,0 +14454,0 +14455,0 +14456,0 +14457,0 +14458,0 +14459,0 +14460,0 +14461,0 +14462,0 +14463,0 +14464,0 +14465,0 +14466,0 +14467,0 +14468,0 +14469,0 +14470,0 +14471,0 +14472,0 +14473,0 +14474,0 +14475,0 +14476,0 +14477,0 +14478,0 +14479,0 +14480,0 +14481,0 +14482,0 +14483,0 +14484,0 +14485,0 +14486,0 +14487,0 +14488,0 +14489,0 +14490,0 +14491,0 +14492,0 +14493,0 +14494,0 +14495,0 +14496,0 +14497,0 +14498,0 +14499,0 +14500,0 +14501,0 +14502,0 +14503,0 +14504,0 +14505,0 +14506,0 +14507,0 +14508,0 +14509,0 +14510,0 +14511,0 +14512,0 +14513,0 +14514,0 +14515,0 +14516,0 +14517,0 +14518,0 +14519,0 +14520,0 +14521,0 +14522,0 +14523,0 +14524,0 +14525,0 +14526,0 +14527,0 +14528,0 +14529,0 +14530,0 +14531,0 +14532,0 +14533,0 +14534,0 +14535,0 +14536,0 +14537,0 +14538,0 +14539,0 +14540,0 +14541,0 +14542,0 +14543,0 +14544,0 +14545,0 +14546,0 +14547,0 +14548,0 +14549,0 +14550,0 +14551,0 +14552,0 +14553,0 +14554,0 +14555,0 +14556,0 +14557,0 +14558,0 +14559,0 +14560,0 +14561,0 +14562,0 +14563,0 +14564,0 +14565,0 +14566,0 +14567,0 +14568,0 +14569,0 +14570,0 +14571,0 +14572,0 +14573,0 +14574,0 +14575,0 +14576,0 +14577,0 +14578,0 +14579,0 +14580,0 +14581,0 +14582,0 +14583,0 +14584,0 +14585,0 +14586,0 +14587,0 +14588,0 +14589,0 +14590,0 +14591,0 +14592,0 +14593,0 +14594,0 +14595,0 +14596,0 +14597,0 +14598,0 +14599,0 +14600,0 +14601,0 +14602,0 +14603,0 +14604,0 +14605,0 +14606,0 +14607,0 +14608,0 +14609,0 +14610,0 +14611,0 +14612,0 +14613,0 +14614,0 +14615,0 +14616,0 +14617,0 +14618,0 +14619,0 +14620,0 +14621,0 +14622,0 +14623,0 +14624,0 +14625,0 +14626,0 +14627,0 +14628,0 +14629,0 +14630,0 +14631,0 +14632,0 +14633,0 +14634,0 +14635,0 +14636,0 +14637,0 +14638,0 +14639,0 +14640,0 +14641,0 +14642,0 +14643,0 +14644,0 +14645,0 +14646,0 +14647,0 +14648,0 +14649,0 +14650,0 +14651,0 +14652,0 +14653,0 +14654,0 +14655,0 +14656,0 +14657,0 +14658,0 +14659,0 +14660,0 +14661,0 +14662,0 +14663,0 +14664,0 +14665,0 +14666,0 +14667,0 +14668,0 +14669,0 +14670,0 +14671,0 +14672,0 +14673,0 +14674,0 +14675,0 +14676,0 +14677,0 +14678,0 +14679,0 +14680,0 +14681,0 +14682,0 +14683,0 +14684,0 +14685,0 +14686,0 +14687,0 +14688,0 +14689,0 +14690,0 +14691,0 +14692,0 +14693,0 +14694,0 +14695,0 +14696,0 +14697,0 +14698,0 +14699,0 +14700,0 +14701,0 +14702,0 +14703,0 +14704,0 +14705,0 +14706,0 +14707,0 +14708,0 +14709,0 +14710,0 +14711,0 +14712,0 +14713,0 +14714,0 +14715,0 +14716,0 +14717,0 +14718,0 +14719,0 +14720,0 +14721,0 +14722,0 +14723,0 +14724,0 +14725,0 +14726,0 +14727,0 +14728,0 +14729,0 +14730,0 +14731,0 +14732,0 +14733,0 +14734,0 +14735,0 +14736,0 +14737,0 +14738,0 +14739,0 +14740,0 +14741,0 +14742,0 +14743,0 +14744,0 +14745,0 +14746,0 +14747,0 +14748,0 +14749,0 +14750,0 +14751,0 +14752,0 +14753,0 +14754,0 +14755,0 +14756,0 +14757,0 +14758,0 +14759,0 +14760,0 +14761,0 +14762,0 +14763,0 +14764,0 +14765,0 +14766,0 +14767,0 +14768,0 +14769,0 +14770,0 +14771,0 +14772,0 +14773,0 +14774,0 +14775,0 +14776,0 +14777,0 +14778,0 +14779,0 +14780,0 +14781,0 +14782,0 +14783,0 +14784,0 +14785,0 +14786,0 +14787,0 +14788,0 +14789,0 +14790,0 +14791,0 +14792,0 +14793,0 +14794,0 +14795,0 +14796,0 +14797,0 +14798,0 +14799,0 +14800,0 +14801,0 +14802,0 +14803,0 +14804,0 +14805,0 +14806,0 +14807,0 +14808,0 +14809,0 +14810,0 +14811,0 +14812,0 +14813,0 +14814,0 +14815,0 +14816,0 +14817,0 +14818,0 +14819,0 +14820,0 +14821,0 +14822,0 +14823,0 +14824,0 +14825,0 +14826,0 +14827,0 +14828,0 +14829,0 +14830,0 +14831,0 +14832,0 +14833,0 +14834,0 +14835,0 +14836,0 +14837,0 +14838,0 +14839,0 +14840,0 +14841,0 +14842,0 +14843,0 +14844,0 +14845,0 +14846,0 +14847,0 +14848,0 +14849,0 +14850,0 +14851,0 +14852,0 +14853,0 +14854,0 +14855,0 +14856,0 +14857,0 +14858,0 +14859,0 +14860,0 +14861,0 +14862,0 +14863,0 +14864,0 +14865,0 +14866,0 +14867,0 +14868,0 +14869,0 +14870,0 +14871,0 +14872,0 +14873,0 +14874,0 +14875,0 +14876,0 +14877,0 +14878,0 +14879,0 +14880,0 +14881,0 +14882,0 +14883,0 +14884,0 +14885,0 +14886,0 +14887,0 +14888,0 +14889,0 +14890,0 +14891,0 +14892,0 +14893,0 +14894,0 +14895,0 +14896,0 +14897,0 +14898,0 +14899,0 +14900,0 +14901,0 +14902,0 +14903,0 +14904,0 +14905,0 +14906,0 +14907,0 +14908,0 +14909,0 +14910,0 +14911,0 +14912,0 +14913,0 +14914,0 +14915,0 +14916,0 +14917,0 +14918,0 +14919,0 +14920,0 +14921,0 +14922,0 +14923,0 +14924,0 +14925,0 +14926,0 +14927,0 +14928,0 +14929,0 +14930,0 +14931,0 +14932,0 +14933,0 +14934,0 +14935,0 +14936,0 +14937,0 +14938,0 +14939,0 +14940,0 +14941,0 +14942,0 +14943,0 +14944,0 +14945,0 +14946,0 +14947,0 +14948,0 +14949,0 +14950,0 +14951,0 +14952,0 +14953,0 +14954,0 +14955,0 +14956,0 +14957,0 +14958,0 +14959,0 +14960,0 +14961,0 +14962,0 +14963,0 +14964,0 +14965,0 +14966,0 +14967,0 +14968,0 +14969,0 +14970,0 +14971,0 +14972,0 +14973,0 +14974,0 +14975,0 +14976,0 +14977,0 +14978,0 +14979,0 +14980,0 +14981,0 +14982,0 +14983,0 +14984,0 +14985,0 +14986,0 +14987,0 +14988,0 +14989,0 +14990,0 +14991,0 +14992,0 +14993,0 +14994,0 +14995,0 +14996,0 +14997,0 +14998,0 +14999,0 +15000,0 +15001,0 +15002,0 +15003,0 +15004,0 +15005,0 +15006,0 +15007,0 +15008,0 +15009,0 +15010,0 +15011,0 +15012,0 +15013,0 +15014,0 +15015,0 +15016,0 +15017,0 +15018,0 +15019,0 +15020,0 +15021,0 +15022,0 +15023,0 +15024,0 +15025,0 +15026,0 +15027,0 +15028,0 +15029,0 +15030,0 +15031,0 +15032,0 +15033,0 +15034,0 +15035,0 +15036,0 +15037,0 +15038,0 +15039,0 +15040,0 +15041,0 +15042,0 +15043,0 +15044,0 +15045,0 +15046,0 +15047,0 +15048,0 +15049,0 +15050,0 +15051,0 +15052,0 +15053,0 +15054,0 +15055,0 +15056,0 +15057,0 +15058,0 +15059,0 +15060,0 +15061,0 +15062,0 +15063,0 +15064,0 +15065,0 +15066,0 +15067,0 +15068,0 +15069,0 +15070,0 +15071,0 +15072,0 +15073,0 +15074,0 +15075,0 +15076,0 +15077,0 +15078,0 +15079,0 +15080,0 +15081,0 +15082,0 +15083,0 +15084,0 +15085,0 +15086,0 +15087,0 +15088,0 +15089,0 +15090,0 +15091,0 +15092,0 +15093,0 +15094,0 +15095,0 +15096,0 +15097,0 +15098,0 +15099,0 +15100,0 +15101,0 +15102,0 +15103,0 +15104,0 +15105,0 +15106,0 +15107,0 +15108,0 +15109,0 +15110,0 +15111,0 +15112,0 +15113,0 +15114,0 +15115,0 +15116,0 +15117,0 +15118,0 +15119,0 +15120,0 +15121,0 +15122,0 +15123,0 +15124,0 +15125,0 +15126,0 +15127,0 +15128,0 +15129,0 +15130,0 +15131,0 +15132,0 +15133,0 +15134,0 +15135,0 +15136,0 +15137,0 +15138,0 +15139,0 +15140,0 +15141,0 +15142,0 +15143,0 +15144,0 +15145,0 +15146,0 +15147,0 +15148,0 +15149,0 +15150,0 +15151,0 +15152,0 +15153,0 +15154,0 +15155,0 +15156,0 +15157,0 +15158,0 +15159,0 +15160,0 +15161,0 +15162,0 +15163,0 +15164,0 +15165,0 +15166,0 +15167,0 +15168,0 +15169,0 +15170,0 +15171,0 +15172,0 +15173,0 +15174,0 +15175,0 +15176,0 +15177,0 +15178,0 +15179,0 +15180,0 +15181,0 +15182,0 +15183,0 +15184,0 +15185,0 +15186,0 +15187,0 +15188,0 +15189,0 +15190,0 +15191,0 +15192,0 +15193,0 +15194,0 +15195,0 +15196,0 +15197,0 +15198,0 +15199,0 +15200,0 +15201,0 +15202,0 +15203,0 +15204,0 +15205,0 +15206,0 +15207,0 +15208,0 +15209,0 +15210,0 +15211,0 +15212,0 +15213,0 +15214,0 +15215,0 +15216,0 +15217,0 +15218,0 +15219,0 +15220,0 +15221,0 +15222,0 +15223,0 +15224,0 +15225,0 +15226,0 +15227,0 +15228,0 +15229,0 +15230,0 +15231,0 +15232,0 +15233,0 +15234,0 +15235,0 +15236,0 +15237,0 +15238,0 +15239,0 +15240,0 +15241,0 +15242,0 +15243,0 +15244,0 +15245,0 +15246,0 +15247,0 +15248,0 +15249,0 +15250,0 +15251,0 +15252,0 +15253,0 +15254,0 +15255,0 +15256,0 +15257,0 +15258,0 +15259,0 +15260,0 +15261,0 +15262,0 +15263,0 +15264,0 +15265,0 +15266,0 +15267,0 +15268,0 +15269,0 +15270,0 +15271,0 +15272,0 +15273,0 +15274,0 +15275,0 +15276,0 +15277,0 +15278,0 +15279,0 +15280,0 +15281,0 +15282,0 +15283,0 +15284,0 +15285,0 +15286,0 +15287,0 +15288,0 +15289,0 +15290,0 +15291,0 +15292,0 +15293,0 +15294,0 +15295,0 +15296,0 +15297,0 +15298,0 +15299,0 +15300,0 +15301,0 +15302,0 +15303,0 +15304,0 +15305,0 +15306,0 +15307,0 +15308,0 +15309,0 +15310,0 +15311,0 +15312,0 +15313,0 +15314,0 +15315,0 +15316,0 +15317,0 +15318,0 +15319,0 +15320,0 +15321,0 +15322,0 +15323,0 +15324,0 +15325,0 +15326,0 +15327,0 +15328,0 +15329,0 +15330,0 +15331,0 +15332,0 +15333,0 +15334,0 +15335,0 +15336,0 +15337,0 +15338,0 +15339,0 +15340,0 +15341,0 +15342,0 +15343,0 +15344,0 +15345,0 +15346,0 +15347,0 +15348,0 +15349,0 +15350,0 +15351,0 +15352,0 +15353,0 +15354,0 +15355,0 +15356,0 +15357,0 +15358,0 +15359,0 +15360,0 +15361,0 +15362,0 +15363,0 +15364,0 +15365,0 +15366,0 +15367,0 +15368,0 +15369,0 +15370,0 +15371,0 +15372,0 +15373,0 +15374,0 +15375,0 +15376,0 +15377,0 +15378,0 +15379,0 +15380,0 +15381,0 +15382,0 +15383,0 +15384,0 +15385,0 +15386,0 +15387,0 +15388,0 +15389,0 +15390,0 +15391,0 +15392,0 +15393,0 +15394,0 +15395,0 +15396,0 +15397,0 +15398,0 +15399,0 +15400,0 +15401,0 +15402,0 +15403,0 +15404,0 +15405,0 +15406,0 +15407,0 +15408,0 +15409,0 +15410,0 +15411,0 +15412,0 +15413,0 +15414,0 +15415,0 +15416,0 +15417,0 +15418,0 +15419,0 +15420,0 +15421,0 +15422,0 +15423,0 +15424,0 +15425,0 +15426,0 +15427,0 +15428,0 +15429,0 +15430,0 +15431,0 +15432,0 +15433,0 +15434,0 +15435,0 +15436,0 +15437,0 +15438,0 +15439,0 +15440,0 +15441,0 +15442,0 +15443,0 +15444,0 +15445,0 +15446,0 +15447,0 +15448,0 +15449,0 +15450,0 +15451,0 +15452,0 +15453,0 +15454,0 +15455,0 +15456,0 +15457,0 +15458,0 +15459,0 +15460,0 +15461,0 +15462,0 +15463,0 +15464,0 +15465,0 +15466,0 +15467,0 +15468,0 +15469,0 +15470,0 +15471,0 +15472,0 +15473,0 +15474,0 +15475,0 +15476,0 +15477,0 +15478,0 +15479,0 +15480,0 +15481,0 +15482,0 +15483,0 +15484,0 +15485,0 +15486,0 +15487,0 +15488,0 +15489,0 +15490,0 +15491,0 +15492,0 +15493,0 +15494,0 +15495,0 +15496,0 +15497,0 +15498,0 +15499,0 +15500,0 +15501,0 +15502,0 +15503,0 +15504,0 +15505,0 +15506,0 +15507,0 +15508,0 +15509,0 +15510,0 +15511,0 +15512,0 +15513,0 +15514,0 +15515,0 +15516,0 +15517,0 +15518,0 +15519,0 +15520,0 +15521,0 +15522,0 +15523,0 +15524,0 +15525,0 +15526,0 +15527,0 +15528,0 +15529,0 +15530,0 +15531,0 +15532,0 +15533,0 +15534,0 +15535,0 +15536,0 +15537,0 +15538,0 +15539,0 +15540,0 +15541,0 +15542,0 +15543,0 +15544,0 +15545,0 +15546,0 +15547,0 +15548,0 +15549,0 +15550,0 +15551,0 +15552,0 +15553,0 +15554,0 +15555,0 +15556,0 +15557,0 +15558,0 +15559,0 +15560,0 +15561,0 +15562,0 +15563,0 +15564,0 +15565,0 +15566,0 +15567,0 +15568,0 +15569,0 +15570,0 +15571,0 +15572,0 +15573,0 +15574,0 +15575,0 +15576,0 +15577,0 +15578,0 +15579,0 +15580,0 +15581,0 +15582,0 +15583,0 +15584,0 +15585,0 +15586,0 +15587,0 +15588,0 +15589,0 +15590,0 +15591,0 +15592,0 +15593,0 +15594,0 +15595,0 +15596,0 +15597,0 +15598,0 +15599,0 +15600,0 +15601,0 +15602,0 +15603,0 +15604,0 +15605,0 +15606,0 +15607,0 +15608,0 +15609,0 +15610,0 +15611,0 +15612,0 +15613,0 +15614,0 +15615,0 +15616,0 +15617,0 +15618,0 +15619,0 +15620,0 +15621,0 +15622,0 +15623,0 +15624,0 +15625,0 +15626,0 +15627,0 +15628,0 +15629,0 +15630,0 +15631,0 +15632,0 +15633,0 +15634,0 +15635,0 +15636,0 +15637,0 +15638,0 +15639,0 +15640,0 +15641,0 +15642,0 +15643,0 +15644,0 +15645,0 +15646,0 +15647,0 +15648,0 +15649,0 +15650,0 +15651,0 +15652,0 +15653,0 +15654,0 +15655,0 +15656,0 +15657,0 +15658,0 +15659,0 +15660,0 +15661,0 +15662,0 +15663,0 +15664,0 +15665,0 +15666,0 +15667,0 +15668,0 +15669,0 +15670,0 +15671,0 +15672,0 +15673,0 +15674,0 +15675,0 +15676,0 +15677,0 +15678,0 +15679,0 +15680,0 +15681,0 +15682,0 +15683,0 +15684,0 +15685,0 +15686,0 +15687,0 +15688,0 +15689,0 +15690,0 +15691,0 +15692,0 +15693,0 +15694,0 +15695,0 +15696,0 +15697,0 +15698,0 +15699,0 +15700,0 +15701,0 +15702,0 +15703,0 +15704,0 +15705,0 +15706,0 +15707,0 +15708,0 +15709,0 +15710,0 +15711,0 +15712,0 +15713,0 +15714,0 +15715,0 +15716,0 +15717,0 +15718,0 +15719,0 +15720,0 +15721,0 +15722,0 +15723,0 +15724,0 +15725,0 +15726,0 +15727,0 +15728,0 +15729,0 +15730,0 +15731,0 +15732,0 +15733,0 +15734,0 +15735,0 +15736,0 +15737,0 +15738,0 +15739,0 +15740,0 +15741,0 +15742,0 +15743,0 +15744,0 +15745,0 +15746,0 +15747,0 +15748,0 +15749,0 +15750,0 +15751,0 +15752,0 +15753,0 +15754,0 +15755,0 +15756,0 +15757,0 +15758,0 +15759,0 +15760,0 +15761,0 +15762,0 +15763,0 +15764,0 +15765,0 +15766,0 +15767,0 +15768,0 +15769,0 +15770,0 +15771,0 +15772,0 +15773,0 +15774,0 +15775,0 +15776,0 +15777,0 +15778,0 +15779,0 +15780,0 +15781,0 +15782,0 +15783,0 +15784,0 +15785,0 +15786,0 +15787,0 +15788,0 +15789,0 +15790,0 +15791,0 +15792,0 +15793,0 +15794,0 +15795,0 +15796,0 +15797,0 +15798,0 +15799,0 +15800,0 +15801,0 +15802,0 +15803,0 +15804,0 +15805,0 +15806,0 +15807,0 +15808,0 +15809,0 +15810,0 +15811,0 +15812,0 +15813,0 +15814,0 +15815,0 +15816,0 +15817,0 +15818,0 +15819,0 +15820,0 +15821,0 +15822,0 +15823,0 +15824,0 +15825,0 +15826,0 +15827,0 +15828,0 +15829,0 +15830,0 +15831,0 +15832,0 +15833,0 +15834,0 +15835,0 +15836,0 +15837,0 +15838,0 +15839,0 +15840,0 +15841,0 +15842,0 +15843,0 +15844,0 +15845,0 +15846,0 +15847,0 +15848,0 +15849,0 +15850,0 +15851,0 +15852,0 +15853,0 +15854,0 +15855,0 +15856,0 +15857,0 +15858,0 +15859,0 +15860,0 +15861,0 +15862,0 +15863,0 +15864,0 +15865,0 +15866,0 +15867,0 +15868,0 +15869,0 +15870,0 +15871,0 +15872,0 +15873,0 +15874,0 +15875,0 +15876,0 +15877,0 +15878,0 +15879,0 +15880,0 +15881,0 +15882,0 +15883,0 +15884,0 +15885,0 +15886,0 +15887,0 +15888,0 +15889,0 +15890,0 +15891,0 +15892,0 +15893,0 +15894,0 +15895,0 +15896,0 +15897,0 +15898,0 +15899,0 +15900,0 +15901,0 +15902,0 +15903,0 +15904,0 +15905,0 +15906,0 +15907,0 +15908,0 +15909,0 +15910,0 +15911,0 +15912,0 +15913,0 +15914,0 +15915,0 +15916,0 +15917,0 +15918,0 +15919,0 +15920,0 +15921,0 +15922,0 +15923,0 +15924,0 +15925,0 +15926,0 +15927,0 +15928,0 +15929,0 +15930,0 +15931,0 +15932,0 +15933,0 +15934,0 +15935,0 +15936,0 +15937,0 +15938,0 +15939,0 +15940,0 +15941,0 +15942,0 +15943,0 +15944,0 +15945,0 +15946,0 +15947,0 +15948,0 +15949,0 +15950,0 +15951,0 +15952,0 +15953,0 +15954,0 +15955,0 +15956,0 +15957,0 +15958,0 +15959,0 +15960,0 +15961,0 +15962,0 +15963,0 +15964,0 +15965,0 +15966,0 +15967,0 +15968,0 +15969,0 +15970,0 +15971,0 +15972,0 +15973,0 +15974,0 +15975,0 +15976,0 +15977,0 +15978,0 +15979,0 +15980,0 +15981,0 +15982,0 +15983,0 +15984,0 +15985,0 +15986,0 +15987,0 +15988,0 +15989,0 +15990,0 +15991,0 +15992,0 +15993,0 +15994,0 +15995,0 +15996,0 +15997,0 +15998,0 +15999,0 +16000,0 +16001,0 +16002,0 +16003,0 +16004,0 +16005,0 +16006,0 +16007,0 +16008,0 +16009,0 +16010,0 +16011,0 +16012,0 +16013,0 +16014,0 +16015,0 +16016,0 +16017,0 +16018,0 +16019,0 +16020,0 +16021,0 +16022,0 +16023,0 +16024,0 +16025,0 +16026,0 +16027,0 +16028,0 +16029,0 +16030,0 +16031,0 +16032,0 +16033,0 +16034,0 +16035,0 +16036,0 +16037,0 +16038,0 +16039,0 +16040,0 +16041,0 +16042,0 +16043,0 +16044,0 +16045,0 +16046,0 +16047,0 +16048,0 +16049,0 +16050,0 +16051,0 +16052,0 +16053,0 +16054,0 +16055,0 +16056,0 +16057,0 +16058,0 +16059,0 +16060,0 +16061,0 +16062,0 +16063,0 +16064,0 +16065,0 +16066,0 +16067,0 +16068,0 +16069,0 +16070,0 +16071,0 +16072,0 +16073,0 +16074,0 +16075,0 +16076,0 +16077,0 +16078,0 +16079,0 +16080,0 +16081,0 +16082,0 +16083,0 +16084,0 +16085,0 +16086,0 +16087,0 +16088,0 +16089,0 +16090,0 +16091,0 +16092,0 +16093,0 +16094,0 +16095,0 +16096,0 +16097,0 +16098,0 +16099,0 +16100,0 +16101,0 +16102,0 +16103,0 +16104,0 +16105,0 +16106,0 +16107,0 +16108,0 +16109,0 +16110,0 +16111,0 +16112,0 +16113,0 +16114,0 +16115,0 +16116,0 +16117,0 +16118,0 +16119,0 +16120,0 +16121,0 +16122,0 +16123,0 +16124,0 +16125,0 +16126,0 +16127,0 +16128,0 +16129,0 +16130,0 +16131,0 +16132,0 +16133,0 +16134,0 +16135,0 +16136,0 +16137,0 +16138,0 +16139,0 +16140,0 +16141,0 +16142,0 +16143,0 +16144,0 +16145,0 +16146,0 +16147,0 +16148,0 +16149,0 +16150,0 +16151,0 +16152,0 +16153,0 +16154,0 +16155,0 +16156,0 +16157,0 +16158,0 +16159,0 +16160,0 +16161,0 +16162,0 +16163,0 +16164,0 +16165,0 +16166,0 +16167,0 +16168,0 +16169,0 +16170,0 +16171,0 +16172,0 +16173,0 +16174,0 +16175,0 +16176,0 +16177,0 +16178,0 +16179,0 +16180,0 +16181,0 +16182,0 +16183,0 +16184,0 +16185,0 +16186,0 +16187,0 +16188,0 +16189,0 +16190,0 +16191,0 +16192,0 +16193,0 +16194,0 +16195,0 +16196,0 +16197,0 +16198,0 +16199,0 +16200,0 +16201,0 +16202,0 +16203,0 +16204,0 +16205,0 +16206,0 +16207,0 +16208,0 +16209,0 +16210,0 +16211,0 +16212,0 +16213,0 +16214,0 +16215,0 +16216,0 +16217,0 +16218,0 +16219,0 +16220,0 +16221,0 +16222,0 +16223,0 +16224,0 +16225,0 +16226,0 +16227,0 +16228,0 +16229,0 +16230,0 +16231,0 +16232,0 +16233,0 +16234,0 +16235,0 +16236,0 +16237,0 +16238,0 +16239,0 +16240,0 +16241,0 +16242,0 +16243,0 +16244,0 +16245,0 +16246,0 +16247,0 +16248,0 +16249,0 +16250,0 +16251,0 +16252,0 +16253,0 +16254,0 +16255,0 +16256,0 +16257,0 +16258,0 +16259,0 +16260,0 +16261,0 +16262,0 +16263,0 +16264,0 +16265,0 +16266,0 +16267,0 +16268,0 +16269,0 +16270,0 +16271,0 +16272,0 +16273,0 +16274,0 +16275,0 +16276,0 +16277,0 +16278,0 +16279,0 +16280,0 +16281,0 +16282,0 +16283,0 +16284,0 +16285,0 +16286,0 +16287,0 +16288,0 +16289,0 +16290,0 +16291,0 +16292,0 +16293,0 +16294,0 +16295,0 +16296,0 +16297,0 +16298,0 +16299,0 +16300,0 +16301,0 +16302,0 +16303,0 +16304,0 +16305,0 +16306,0 +16307,0 +16308,0 +16309,0 +16310,0 +16311,0 +16312,0 +16313,0 +16314,0 +16315,0 +16316,0 +16317,0 +16318,0 +16319,0 +16320,0 +16321,0 +16322,0 +16323,0 +16324,0 +16325,0 +16326,0 +16327,0 +16328,0 +16329,0 +16330,0 +16331,0 +16332,0 +16333,0 +16334,0 +16335,0 +16336,0 +16337,0 +16338,0 +16339,0 +16340,0 +16341,0 +16342,0 +16343,0 +16344,0 +16345,0 +16346,0 +16347,0 +16348,0 +16349,0 +16350,0 +16351,0 +16352,0 +16353,0 +16354,0 +16355,0 +16356,0 +16357,0 +16358,0 +16359,0 +16360,0 +16361,0 +16362,0 +16363,0 +16364,0 +16365,0 +16366,0 +16367,0 +16368,0 +16369,0 +16370,0 +16371,0 +16372,0 +16373,0 +16374,0 +16375,0 +16376,0 +16377,0 +16378,0 +16379,0 +16380,0 +16381,0 +16382,0 +16383,0 +16384,0 +16385,0 +16386,0 +16387,0 +16388,0 +16389,0 +16390,0 +16391,0 +16392,0 +16393,0 +16394,0 +16395,0 +16396,0 +16397,0 +16398,0 +16399,0 +16400,0 +16401,0 +16402,0 +16403,0 +16404,0 +16405,0 +16406,0 +16407,0 +16408,0 +16409,0 +16410,0 +16411,0 +16412,0 +16413,0 +16414,0 +16415,0 +16416,0 +16417,0 +16418,0 +16419,0 +16420,0 +16421,0 +16422,0 +16423,0 +16424,0 +16425,0 +16426,0 +16427,0 +16428,0 +16429,0 +16430,0 +16431,0 +16432,0 +16433,0 +16434,0 +16435,0 +16436,0 +16437,0 +16438,0 +16439,0 +16440,0 +16441,0 +16442,0 +16443,0 +16444,0 +16445,0 +16446,0 +16447,0 +16448,0 +16449,0 +16450,0 +16451,0 +16452,0 +16453,0 +16454,0 +16455,0 +16456,0 +16457,0 +16458,0 +16459,0 +16460,0 +16461,0 +16462,0 +16463,0 +16464,0 +16465,0 +16466,0 +16467,0 +16468,0 +16469,0 +16470,0 +16471,0 +16472,0 +16473,0 +16474,0 +16475,0 +16476,0 +16477,0 +16478,0 +16479,0 +16480,0 +16481,0 +16482,0 +16483,0 +16484,0 +16485,0 +16486,0 +16487,0 +16488,0 +16489,0 +16490,0 +16491,0 +16492,0 +16493,0 +16494,0 +16495,0 +16496,0 +16497,0 +16498,0 +16499,0 +16500,0 +16501,0 +16502,0 +16503,0 +16504,0 +16505,0 +16506,0 +16507,0 +16508,0 +16509,0 +16510,0 +16511,0 +16512,0 +16513,0 +16514,0 +16515,0 +16516,0 +16517,0 +16518,0 +16519,0 +16520,0 +16521,0 +16522,0 +16523,0 +16524,0 +16525,0 +16526,0 +16527,0 +16528,0 +16529,0 +16530,0 +16531,0 +16532,0 +16533,0 +16534,0 +16535,0 +16536,0 +16537,0 +16538,0 +16539,0 +16540,0 +16541,0 +16542,0 +16543,0 +16544,0 +16545,0 +16546,0 +16547,0 +16548,0 +16549,0 +16550,0 +16551,0 +16552,0 +16553,0 +16554,0 +16555,0 +16556,0 +16557,0 +16558,0 +16559,0 +16560,0 +16561,0 +16562,0 +16563,0 +16564,0 +16565,0 +16566,0 +16567,0 +16568,0 +16569,0 +16570,0 +16571,0 +16572,0 +16573,0 +16574,0 +16575,0 +16576,0 +16577,0 +16578,0 +16579,0 +16580,0 +16581,0 +16582,0 +16583,0 +16584,0 +16585,0 +16586,0 +16587,0 +16588,0 +16589,0 +16590,0 +16591,0 +16592,0 +16593,0 +16594,0 +16595,0 +16596,0 +16597,0 +16598,0 +16599,0 +16600,0 +16601,0 +16602,0 +16603,0 +16604,0 +16605,0 +16606,0 +16607,0 +16608,0 +16609,0 +16610,0 +16611,0 +16612,0 +16613,0 +16614,0 +16615,0 +16616,0 +16617,0 +16618,0 +16619,0 +16620,0 +16621,0 +16622,0 +16623,0 +16624,0 +16625,0 +16626,0 +16627,0 +16628,0 +16629,0 +16630,0 +16631,0 +16632,0 +16633,0 +16634,0 +16635,0 +16636,0 +16637,0 +16638,0 +16639,0 +16640,0 +16641,0 +16642,0 +16643,0 +16644,0 +16645,0 +16646,0 +16647,0 +16648,0 +16649,0 +16650,0 +16651,0 +16652,0 +16653,0 +16654,0 +16655,0 +16656,0 +16657,0 +16658,0 +16659,0 +16660,0 +16661,0 +16662,0 +16663,0 +16664,0 +16665,0 +16666,0 +16667,0 +16668,0 +16669,0 +16670,0 +16671,0 +16672,0 +16673,0 +16674,0 +16675,0 +16676,0 +16677,0 +16678,0 +16679,0 +16680,0 +16681,0 +16682,0 +16683,0 +16684,0 +16685,0 +16686,0 +16687,0 +16688,0 +16689,0 +16690,0 +16691,0 +16692,0 +16693,0 +16694,0 +16695,0 +16696,0 +16697,0 +16698,0 +16699,0 +16700,0 +16701,0 +16702,0 +16703,0 +16704,0 +16705,0 +16706,0 +16707,0 +16708,0 +16709,0 +16710,0 +16711,0 +16712,0 +16713,0 +16714,0 +16715,0 +16716,0 +16717,0 +16718,0 +16719,0 +16720,0 +16721,0 +16722,0 +16723,0 +16724,0 +16725,0 +16726,0 +16727,0 +16728,0 +16729,0 +16730,0 +16731,0 +16732,0 +16733,0 +16734,0 +16735,0 +16736,0 +16737,0 +16738,0 +16739,0 +16740,0 +16741,0 +16742,0 +16743,0 +16744,0 +16745,0 +16746,0 +16747,0 +16748,0 +16749,0 +16750,0 +16751,0 +16752,0 +16753,0 +16754,0 +16755,0 +16756,0 +16757,0 +16758,0 +16759,0 +16760,0 +16761,0 +16762,0 +16763,0 +16764,0 +16765,0 +16766,0 +16767,0 +16768,0 +16769,0 +16770,0 +16771,0 +16772,0 +16773,0 +16774,0 +16775,0 +16776,0 +16777,0 +16778,0 +16779,0 +16780,0 +16781,0 +16782,0 +16783,0 +16784,0 +16785,0 +16786,0 +16787,0 +16788,0 +16789,0 +16790,0 +16791,0 +16792,0 +16793,0 +16794,0 +16795,0 +16796,0 +16797,0 +16798,0 +16799,0 +16800,0 +16801,0 +16802,0 +16803,0 +16804,0 +16805,0 +16806,0 +16807,0 +16808,0 +16809,0 +16810,0 +16811,0 +16812,0 +16813,0 +16814,0 +16815,0 +16816,0 +16817,0 +16818,0 +16819,0 +16820,0 +16821,0 +16822,0 +16823,0 +16824,0 +16825,0 +16826,0 +16827,0 +16828,0 +16829,0 +16830,0 +16831,0 +16832,0 +16833,0 +16834,0 +16835,0 +16836,0 +16837,0 +16838,0 +16839,0 +16840,0 +16841,0 +16842,0 +16843,0 +16844,0 +16845,0 +16846,0 +16847,0 +16848,0 +16849,0 +16850,0 +16851,0 +16852,0 +16853,0 +16854,0 +16855,0 +16856,0 +16857,0 +16858,0 +16859,0 +16860,0 +16861,0 +16862,0 +16863,0 +16864,0 +16865,0 +16866,0 +16867,0 +16868,0 +16869,0 +16870,0 +16871,0 +16872,0 +16873,0 +16874,0 +16875,0 +16876,0 +16877,0 +16878,0 +16879,0 +16880,0 +16881,0 +16882,0 +16883,0 +16884,0 +16885,0 +16886,0 +16887,0 +16888,0 +16889,0 +16890,0 +16891,0 +16892,0 +16893,0 +16894,0 +16895,0 +16896,0 +16897,0 +16898,0 +16899,0 +16900,0 +16901,0 +16902,0 +16903,0 +16904,0 +16905,0 +16906,0 +16907,0 +16908,0 +16909,0 +16910,0 +16911,0 +16912,0 +16913,0 +16914,0 +16915,0 +16916,0 +16917,0 +16918,0 +16919,0 +16920,0 +16921,0 +16922,0 +16923,0 +16924,0 +16925,0 +16926,0 +16927,0 +16928,0 +16929,0 +16930,0 +16931,0 +16932,0 +16933,0 +16934,0 +16935,0 +16936,0 +16937,0 +16938,0 +16939,0 +16940,0 +16941,0 +16942,0 +16943,0 +16944,0 +16945,0 +16946,0 +16947,0 +16948,0 +16949,0 +16950,0 +16951,0 +16952,0 +16953,0 +16954,0 +16955,0 +16956,0 +16957,0 +16958,0 +16959,0 +16960,0 +16961,0 +16962,0 +16963,0 +16964,0 +16965,0 +16966,0 +16967,0 +16968,0 +16969,0 +16970,0 +16971,0 +16972,0 +16973,0 +16974,0 +16975,0 +16976,0 +16977,0 +16978,0 +16979,0 +16980,0 +16981,0 +16982,0 +16983,0 +16984,0 +16985,0 +16986,0 +16987,0 +16988,0 +16989,0 +16990,0 +16991,0 +16992,0 +16993,0 +16994,0 +16995,0 +16996,0 +16997,0 +16998,0 +16999,0 +17000,0 +17001,0 +17002,0 +17003,0 +17004,0 +17005,0 +17006,0 +17007,0 +17008,0 +17009,0 +17010,0 +17011,0 +17012,0 +17013,0 +17014,0 +17015,0 +17016,0 +17017,0 +17018,0 +17019,0 +17020,0 +17021,0 +17022,0 +17023,0 +17024,0 +17025,0 +17026,0 +17027,0 +17028,0 +17029,0 +17030,0 +17031,0 +17032,0 +17033,0 +17034,0 +17035,0 +17036,0 +17037,0 +17038,0 +17039,0 +17040,0 +17041,0 +17042,0 +17043,0 +17044,0 +17045,0 +17046,0 +17047,0 +17048,0 +17049,0 +17050,0 +17051,0 +17052,0 +17053,0 +17054,0 +17055,0 +17056,0 +17057,0 +17058,0 +17059,0 +17060,0 +17061,0 +17062,0 +17063,0 +17064,0 +17065,0 +17066,0 +17067,0 +17068,0 +17069,0 +17070,0 +17071,0 +17072,0 +17073,0 +17074,0 +17075,0 +17076,0 +17077,0 +17078,0 +17079,0 +17080,0 +17081,0 +17082,0 +17083,0 +17084,0 +17085,0 +17086,0 +17087,0 +17088,0 +17089,0 +17090,0 +17091,0 +17092,0 +17093,0 +17094,0 +17095,0 +17096,0 +17097,0 +17098,0 +17099,0 +17100,0 +17101,0 +17102,0 +17103,0 +17104,0 +17105,0 +17106,0 +17107,0 +17108,0 +17109,0 +17110,0 +17111,0 +17112,0 +17113,0 +17114,0 +17115,0 +17116,0 +17117,0 +17118,0 +17119,0 +17120,0 +17121,0 +17122,0 +17123,0 +17124,0 +17125,0 +17126,0 +17127,0 +17128,0 +17129,0 +17130,0 +17131,0 +17132,0 +17133,0 +17134,0 +17135,0 +17136,0 +17137,0 +17138,0 +17139,0 +17140,0 +17141,0 +17142,0 +17143,0 +17144,0 +17145,0 +17146,0 +17147,0 +17148,0 +17149,0 +17150,0 +17151,0 +17152,0 +17153,0 +17154,0 +17155,0 +17156,0 +17157,0 +17158,0 +17159,0 +17160,0 +17161,0 +17162,0 +17163,0 +17164,0 +17165,0 +17166,0 +17167,0 +17168,0 +17169,0 +17170,0 +17171,0 +17172,0 +17173,0 +17174,0 +17175,0 +17176,0 +17177,0 +17178,0 +17179,0 +17180,0 +17181,0 +17182,0 +17183,0 +17184,0 +17185,0 +17186,0 +17187,0 +17188,0 +17189,0 +17190,0 +17191,0 +17192,0 +17193,0 +17194,0 +17195,0 +17196,0 +17197,0 +17198,0 +17199,0 +17200,0 +17201,0 +17202,0 +17203,0 +17204,0 +17205,0 +17206,0 +17207,0 +17208,0 +17209,0 +17210,0 +17211,0 +17212,0 +17213,0 +17214,0 +17215,0 +17216,0 +17217,0 +17218,0 +17219,0 +17220,0 +17221,0 +17222,0 +17223,0 +17224,0 +17225,0 +17226,0 +17227,0 +17228,0 +17229,0 +17230,0 +17231,0 +17232,0 +17233,0 +17234,0 +17235,0 +17236,0 +17237,0 +17238,0 +17239,0 +17240,0 +17241,0 +17242,0 +17243,0 +17244,0 +17245,0 +17246,0 +17247,0 +17248,0 +17249,0 +17250,0 +17251,0 +17252,0 +17253,0 +17254,0 +17255,0 +17256,0 +17257,0 +17258,0 +17259,0 +17260,0 +17261,0 +17262,0 +17263,0 +17264,0 +17265,0 +17266,0 +17267,0 +17268,0 +17269,0 +17270,0 +17271,0 +17272,0 +17273,0 +17274,0 +17275,0 +17276,0 +17277,0 +17278,0 +17279,0 +17280,0 +17281,0 +17282,0 +17283,0 +17284,0 +17285,0 +17286,0 +17287,0 +17288,0 +17289,0 +17290,0 +17291,0 +17292,0 +17293,0 +17294,0 +17295,0 +17296,0 +17297,0 +17298,0 +17299,0 +17300,0 +17301,0 +17302,0 +17303,0 +17304,0 +17305,0 +17306,0 +17307,0 +17308,0 +17309,0 +17310,0 +17311,0 +17312,0 +17313,0 +17314,0 +17315,0 +17316,0 +17317,0 +17318,0 +17319,0 +17320,0 +17321,0 +17322,0 +17323,0 +17324,0 +17325,0 +17326,0 +17327,0 +17328,0 +17329,0 +17330,0 +17331,0 +17332,0 +17333,0 +17334,0 +17335,0 +17336,0 +17337,0 +17338,0 +17339,0 +17340,0 +17341,0 +17342,0 +17343,0 +17344,0 +17345,0 +17346,0 +17347,0 +17348,0 +17349,0 +17350,0 +17351,0 +17352,0 +17353,0 +17354,0 +17355,0 +17356,0 +17357,0 +17358,0 +17359,0 +17360,0 +17361,0 +17362,0 +17363,0 +17364,0 +17365,0 +17366,0 +17367,0 +17368,0 +17369,0 +17370,0 +17371,0 +17372,0 +17373,0 +17374,0 +17375,0 +17376,0 +17377,0 +17378,0 +17379,0 +17380,0 +17381,0 +17382,0 +17383,0 +17384,0 +17385,0 +17386,0 +17387,0 +17388,0 +17389,0 +17390,0 +17391,0 +17392,0 +17393,0 +17394,0 +17395,0 +17396,0 +17397,0 +17398,0 +17399,0 +17400,0 +17401,0 +17402,0 +17403,0 +17404,0 +17405,0 +17406,0 +17407,0 +17408,0 +17409,0 +17410,0 +17411,0 +17412,0 +17413,0 +17414,0 +17415,0 +17416,0 +17417,0 +17418,0 +17419,0 +17420,0 +17421,0 +17422,0 +17423,0 +17424,0 +17425,0 +17426,0 +17427,0 +17428,0 +17429,0 +17430,0 +17431,0 +17432,0 +17433,0 +17434,0 +17435,0 +17436,0 +17437,0 +17438,0 +17439,0 +17440,0 +17441,0 +17442,0 +17443,0 +17444,0 +17445,0 +17446,0 +17447,0 +17448,0 +17449,0 +17450,0 +17451,0 +17452,0 +17453,0 +17454,0 +17455,0 +17456,0 +17457,0 +17458,0 +17459,0 +17460,0 +17461,0 +17462,0 +17463,0 +17464,0 +17465,0 +17466,0 +17467,0 +17468,0 +17469,0 +17470,0 +17471,0 +17472,0 +17473,0 +17474,0 +17475,0 +17476,0 +17477,0 +17478,0 +17479,0 +17480,0 +17481,0 +17482,0 +17483,0 +17484,0 +17485,0 +17486,0 +17487,0 +17488,0 +17489,0 +17490,0 +17491,0 +17492,0 +17493,0 +17494,0 +17495,0 +17496,0 +17497,0 +17498,0 +17499,0 +17500,0 +17501,0 +17502,0 +17503,0 +17504,0 +17505,0 +17506,0 +17507,0 +17508,0 +17509,0 +17510,0 +17511,0 +17512,0 +17513,0 +17514,0 +17515,0 +17516,0 +17517,0 +17518,0 +17519,0 +17520,0 +17521,0 +17522,0 +17523,0 +17524,0 +17525,0 +17526,0 +17527,0 +17528,0 +17529,0 +17530,0 +17531,0 +17532,0 +17533,0 +17534,0 +17535,0 +17536,0 +17537,0 +17538,0 +17539,0 +17540,0 +17541,0 +17542,0 +17543,0 +17544,0 +17545,0 +17546,0 +17547,0 +17548,0 +17549,0 +17550,0 +17551,0 +17552,0 +17553,0 +17554,0 +17555,0 +17556,0 +17557,0 +17558,0 +17559,0 +17560,0 +17561,0 +17562,0 +17563,0 +17564,0 +17565,0 +17566,0 +17567,0 +17568,0 +17569,0 +17570,0 +17571,0 +17572,0 +17573,0 +17574,0 +17575,0 +17576,0 +17577,0 +17578,0 +17579,0 +17580,0 +17581,0 +17582,0 +17583,0 +17584,0 +17585,0 +17586,0 +17587,0 +17588,0 +17589,0 +17590,0 +17591,0 +17592,0 +17593,0 +17594,0 +17595,0 +17596,0 +17597,0 +17598,0 +17599,0 +17600,0 +17601,0 +17602,0 +17603,0 +17604,0 +17605,0 +17606,0 +17607,0 +17608,0 +17609,0 +17610,0 +17611,0 +17612,0 +17613,0 +17614,0 +17615,0 +17616,0 +17617,0 +17618,0 +17619,0 +17620,0 +17621,0 +17622,0 +17623,0 +17624,0 +17625,0 +17626,0 +17627,0 +17628,0 +17629,0 +17630,0 +17631,0 +17632,0 +17633,0 +17634,0 +17635,0 +17636,0 +17637,0 +17638,0 +17639,0 +17640,0 +17641,0 +17642,0 +17643,0 +17644,0 +17645,0 +17646,0 +17647,0 +17648,0 +17649,0 +17650,0 +17651,0 +17652,0 +17653,0 +17654,0 +17655,0 +17656,0 +17657,0 +17658,0 +17659,0 +17660,0 +17661,0 +17662,0 +17663,0 +17664,0 +17665,0 +17666,0 +17667,0 +17668,0 +17669,0 +17670,0 +17671,0 +17672,0 +17673,0 +17674,0 +17675,0 +17676,0 +17677,0 +17678,0 +17679,0 +17680,0 +17681,0 +17682,0 +17683,0 +17684,0 +17685,0 +17686,0 +17687,0 +17688,0 +17689,0 +17690,0 +17691,0 +17692,0 +17693,0 +17694,0 +17695,0 +17696,0 +17697,0 +17698,0 +17699,0 +17700,0 +17701,0 +17702,0 +17703,0 +17704,0 +17705,0 +17706,0 +17707,0 +17708,0 +17709,0 +17710,0 +17711,0 +17712,0 +17713,0 +17714,0 +17715,0 +17716,0 +17717,0 +17718,0 +17719,0 +17720,0 +17721,0 +17722,0 +17723,0 +17724,0 +17725,0 +17726,0 +17727,0 +17728,0 +17729,0 +17730,0 +17731,0 +17732,0 +17733,0 +17734,0 +17735,0 +17736,0 +17737,0 +17738,0 +17739,0 +17740,0 +17741,0 +17742,0 +17743,0 +17744,0 +17745,0 +17746,0 +17747,0 +17748,0 +17749,0 +17750,0 +17751,0 +17752,0 +17753,0 +17754,0 +17755,0 +17756,0 +17757,0 +17758,0 +17759,0 +17760,0 +17761,0 +17762,0 +17763,0 +17764,0 +17765,0 +17766,0 +17767,0 +17768,0 +17769,0 +17770,0 +17771,0 +17772,0 +17773,0 +17774,0 +17775,0 +17776,0 +17777,0 +17778,0 +17779,0 +17780,0 +17781,0 +17782,0 +17783,0 +17784,0 +17785,0 +17786,0 +17787,0 +17788,0 +17789,0 +17790,0 +17791,0 +17792,0 +17793,0 +17794,0 +17795,0 +17796,0 +17797,0 +17798,0 +17799,0 +17800,0 +17801,0 +17802,0 +17803,0 +17804,0 +17805,0 +17806,0 +17807,0 +17808,0 +17809,0 +17810,0 +17811,0 +17812,0 +17813,0 +17814,0 +17815,0 +17816,0 +17817,0 +17818,0 +17819,0 +17820,0 +17821,0 +17822,0 +17823,0 +17824,0 +17825,0 +17826,0 +17827,0 +17828,0 +17829,0 +17830,0 +17831,0 +17832,0 +17833,0 +17834,0 +17835,0 +17836,0 +17837,0 +17838,0 +17839,0 +17840,0 +17841,0 +17842,0 +17843,0 +17844,0 +17845,0 +17846,0 +17847,0 +17848,0 +17849,0 +17850,0 +17851,0 +17852,0 +17853,0 +17854,0 +17855,0 +17856,0 +17857,0 +17858,0 +17859,0 +17860,0 +17861,0 +17862,0 +17863,0 +17864,0 +17865,0 +17866,0 +17867,0 +17868,0 +17869,0 +17870,0 +17871,0 +17872,0 +17873,0 +17874,0 +17875,0 +17876,0 +17877,0 +17878,0 +17879,0 +17880,0 +17881,0 +17882,0 +17883,0 +17884,0 +17885,0 +17886,0 +17887,0 +17888,0 +17889,0 +17890,0 +17891,0 +17892,0 +17893,0 +17894,0 +17895,0 +17896,0 +17897,0 +17898,0 +17899,0 +17900,0 +17901,0 +17902,0 +17903,0 +17904,0 +17905,0 +17906,0 +17907,0 +17908,0 +17909,0 +17910,0 +17911,0 +17912,0 +17913,0 +17914,0 +17915,0 +17916,0 +17917,0 +17918,0 +17919,0 +17920,0 +17921,0 +17922,0 +17923,0 +17924,0 +17925,0 +17926,0 +17927,0 +17928,0 +17929,0 +17930,0 +17931,0 +17932,0 +17933,0 +17934,0 +17935,0 +17936,0 +17937,0 +17938,0 +17939,0 +17940,0 +17941,0 +17942,0 +17943,0 +17944,0 +17945,0 +17946,0 +17947,0 +17948,0 +17949,0 +17950,0 +17951,0 +17952,0 +17953,0 +17954,0 +17955,0 +17956,0 +17957,0 +17958,0 +17959,0 +17960,0 +17961,0 +17962,0 +17963,0 +17964,0 +17965,0 +17966,0 +17967,0 +17968,0 +17969,0 +17970,0 +17971,0 +17972,0 +17973,0 +17974,0 +17975,0 +17976,0 +17977,0 +17978,0 +17979,0 +17980,0 +17981,0 +17982,0 +17983,0 +17984,0 +17985,0 +17986,0 +17987,0 +17988,0 +17989,0 +17990,0 +17991,0 +17992,0 +17993,0 +17994,0 +17995,0 +17996,0 +17997,0 +17998,0 +17999,0 +18000,0 +18001,0 +18002,0 +18003,0 +18004,0 +18005,0 +18006,0 +18007,0 +18008,0 +18009,0 +18010,0 +18011,0 +18012,0 +18013,0 +18014,0 +18015,0 +18016,0 +18017,0 +18018,0 +18019,0 +18020,0 +18021,0 +18022,0 +18023,0 +18024,0 +18025,0 +18026,0 +18027,0 +18028,0 +18029,0 +18030,0 +18031,0 +18032,0 +18033,0 +18034,0 +18035,0 +18036,0 +18037,0 +18038,0 +18039,0 +18040,0 +18041,0 +18042,0 +18043,0 +18044,0 +18045,0 +18046,0 +18047,0 +18048,0 +18049,0 +18050,0 +18051,0 +18052,0 +18053,0 +18054,0 +18055,0 +18056,0 +18057,0 +18058,0 +18059,0 +18060,0 +18061,0 +18062,0 +18063,0 +18064,0 +18065,0 +18066,0 +18067,0 +18068,0 +18069,0 +18070,0 +18071,0 +18072,0 +18073,0 +18074,0 +18075,0 +18076,0 +18077,0 +18078,0 +18079,0 +18080,0 +18081,0 +18082,0 +18083,0 +18084,0 +18085,0 +18086,0 +18087,0 +18088,0 +18089,0 +18090,0 +18091,0 +18092,0 +18093,0 +18094,0 +18095,0 +18096,0 +18097,0 +18098,0 +18099,0 +18100,0 +18101,0 +18102,0 +18103,0 +18104,0 +18105,0 +18106,0 +18107,0 +18108,0 +18109,0 +18110,0 +18111,0 +18112,0 +18113,0 +18114,0 +18115,0 +18116,0 +18117,0 +18118,0 +18119,0 +18120,0 +18121,0 +18122,0 +18123,0 +18124,0 +18125,0 +18126,0 +18127,0 +18128,0 +18129,0 +18130,0 +18131,0 +18132,0 +18133,0 +18134,0 +18135,0 +18136,0 +18137,0 +18138,0 +18139,0 +18140,0 +18141,0 +18142,0 +18143,0 +18144,0 +18145,0 +18146,0 +18147,0 +18148,0 +18149,0 +18150,0 +18151,0 +18152,0 +18153,0 +18154,0 +18155,0 +18156,0 +18157,0 +18158,0 +18159,0 +18160,0 +18161,0 +18162,0 +18163,0 +18164,0 +18165,0 +18166,0 +18167,0 +18168,0 +18169,0 +18170,0 +18171,0 +18172,0 +18173,0 +18174,0 +18175,0 +18176,0 +18177,0 +18178,0 +18179,0 +18180,0 +18181,0 +18182,0 +18183,0 +18184,0 +18185,0 +18186,0 +18187,0 +18188,0 +18189,0 +18190,0 +18191,0 +18192,0 +18193,0 +18194,0 +18195,0 +18196,0 +18197,0 +18198,0 +18199,0 +18200,0 +18201,0 +18202,0 +18203,0 +18204,0 +18205,0 +18206,0 +18207,0 +18208,0 +18209,0 +18210,0 +18211,0 +18212,0 +18213,0 +18214,0 +18215,0 +18216,0 +18217,0 +18218,0 +18219,0 +18220,0 +18221,0 +18222,0 +18223,0 +18224,0 +18225,0 +18226,0 +18227,0 +18228,0 +18229,0 +18230,0 +18231,0 +18232,0 +18233,0 +18234,0 +18235,0 +18236,0 +18237,0 +18238,0 +18239,0 +18240,0 +18241,0 +18242,0 +18243,0 +18244,0 +18245,0 +18246,0 +18247,0 +18248,0 +18249,0 +18250,0 +18251,0 +18252,0 +18253,0 +18254,0 +18255,0 +18256,0 +18257,0 +18258,0 +18259,0 +18260,0 +18261,0 +18262,0 +18263,0 +18264,0 +18265,0 +18266,0 +18267,0 +18268,0 +18269,0 +18270,0 +18271,0 +18272,0 +18273,0 +18274,0 +18275,0 +18276,0 +18277,0 +18278,0 +18279,0 +18280,0 +18281,0 +18282,0 +18283,0 +18284,0 +18285,0 +18286,0 +18287,0 +18288,0 +18289,0 +18290,0 +18291,0 +18292,0 +18293,0 +18294,0 +18295,0 +18296,0 +18297,0 +18298,0 +18299,0 +18300,0 +18301,0 +18302,0 +18303,0 +18304,0 +18305,0 +18306,0 +18307,0 +18308,0 +18309,0 +18310,0 +18311,0 +18312,0 +18313,0 +18314,0 +18315,0 +18316,0 +18317,0 +18318,0 +18319,0 +18320,0 +18321,0 +18322,0 +18323,0 +18324,0 +18325,0 +18326,0 +18327,0 +18328,0 +18329,0 +18330,0 +18331,0 +18332,0 +18333,0 +18334,0 +18335,0 +18336,0 +18337,0 +18338,0 +18339,0 +18340,0 +18341,0 +18342,0 +18343,0 +18344,0 +18345,0 +18346,0 +18347,0 +18348,0 +18349,0 +18350,0 +18351,0 +18352,0 +18353,0 +18354,0 +18355,0 +18356,0 +18357,0 +18358,0 +18359,0 +18360,0 +18361,0 +18362,0 +18363,0 +18364,0 +18365,0 +18366,0 +18367,0 +18368,0 +18369,0 +18370,0 +18371,0 +18372,0 +18373,0 +18374,0 +18375,0 +18376,0 +18377,0 +18378,0 +18379,0 +18380,0 +18381,0 +18382,0 +18383,0 +18384,0 +18385,0 +18386,0 +18387,0 +18388,0 +18389,0 +18390,0 +18391,0 +18392,0 +18393,0 +18394,0 +18395,0 +18396,0 +18397,0 +18398,0 +18399,0 +18400,0 +18401,0 +18402,0 +18403,0 +18404,0 +18405,0 +18406,0 +18407,0 +18408,0 +18409,0 +18410,0 +18411,0 +18412,0 +18413,0 +18414,0 +18415,0 +18416,0 +18417,0 +18418,0 +18419,0 +18420,0 +18421,0 +18422,0 +18423,0 +18424,0 +18425,0 +18426,0 +18427,0 +18428,0 +18429,0 +18430,0 +18431,0 +18432,0 +18433,0 +18434,0 +18435,0 +18436,0 +18437,0 +18438,0 +18439,0 +18440,0 +18441,0 +18442,0 +18443,0 +18444,0 +18445,0 +18446,0 +18447,0 +18448,0 +18449,0 +18450,0 +18451,0 +18452,0 +18453,0 +18454,0 +18455,0 +18456,0 +18457,0 +18458,0 +18459,0 +18460,0 +18461,0 +18462,0 +18463,0 +18464,0 +18465,0 +18466,0 +18467,0 +18468,0 +18469,0 +18470,0 +18471,0 +18472,0 +18473,0 +18474,0 +18475,0 +18476,0 +18477,0 +18478,0 +18479,0 +18480,0 +18481,0 +18482,0 +18483,0 +18484,0 +18485,0 +18486,0 +18487,0 +18488,0 +18489,0 +18490,0 +18491,0 +18492,0 +18493,0 +18494,0 +18495,0 +18496,0 +18497,0 +18498,0 +18499,0 +18500,0 +18501,0 +18502,0 +18503,0 +18504,0 +18505,0 +18506,0 +18507,0 +18508,0 +18509,0 +18510,0 +18511,0 +18512,0 +18513,0 +18514,0 +18515,0 +18516,0 +18517,0 +18518,0 +18519,0 +18520,0 +18521,0 +18522,0 +18523,0 +18524,0 +18525,0 +18526,0 +18527,0 +18528,0 +18529,0 +18530,0 +18531,0 +18532,0 +18533,0 +18534,0 +18535,0 +18536,0 +18537,0 +18538,0 +18539,0 +18540,0 +18541,0 +18542,0 +18543,0 +18544,0 +18545,0 +18546,0 +18547,0 +18548,0 +18549,0 +18550,0 +18551,0 +18552,0 +18553,0 +18554,0 +18555,0 +18556,0 +18557,0 +18558,0 +18559,0 +18560,0 +18561,0 +18562,0 +18563,0 +18564,0 +18565,0 +18566,0 +18567,0 +18568,0 +18569,0 +18570,0 +18571,0 +18572,0 +18573,0 +18574,0 +18575,0 +18576,0 +18577,0 +18578,0 +18579,0 +18580,0 +18581,0 +18582,0 +18583,0 +18584,0 +18585,0 +18586,0 +18587,0 +18588,0 +18589,0 +18590,0 +18591,0 +18592,0 +18593,0 +18594,0 +18595,0 +18596,0 +18597,0 +18598,0 +18599,0 +18600,0 +18601,0 +18602,0 +18603,0 +18604,0 +18605,0 +18606,0 +18607,0 +18608,0 +18609,0 +18610,0 +18611,0 +18612,0 +18613,0 +18614,0 +18615,0 +18616,0 +18617,0 +18618,0 +18619,0 +18620,0 +18621,0 +18622,0 +18623,0 +18624,0 +18625,0 +18626,0 +18627,0 +18628,0 +18629,0 +18630,0 +18631,0 +18632,0 +18633,0 +18634,0 +18635,0 +18636,0 +18637,0 +18638,0 +18639,0 +18640,0 +18641,0 +18642,0 +18643,0 +18644,0 +18645,0 +18646,0 +18647,0 +18648,0 +18649,0 +18650,0 +18651,0 +18652,0 +18653,0 +18654,0 +18655,0 +18656,0 +18657,0 +18658,0 +18659,0 +18660,0 +18661,0 +18662,0 +18663,0 +18664,0 +18665,0 +18666,0 +18667,0 +18668,0 +18669,0 +18670,0 +18671,0 +18672,0 +18673,0 +18674,0 +18675,0 +18676,0 +18677,0 +18678,0 +18679,0 +18680,0 +18681,0 +18682,0 +18683,0 +18684,0 +18685,0 +18686,0 +18687,0 +18688,0 +18689,0 +18690,0 +18691,0 +18692,0 +18693,0 +18694,0 +18695,0 +18696,0 +18697,0 +18698,0 +18699,0 +18700,0 +18701,0 +18702,0 +18703,0 +18704,0 +18705,0 +18706,0 +18707,0 +18708,0 +18709,0 +18710,0 +18711,0 +18712,0 +18713,0 +18714,0 +18715,0 +18716,0 +18717,0 +18718,0 +18719,0 +18720,0 +18721,0 +18722,0 +18723,0 +18724,0 +18725,0 +18726,0 +18727,0 +18728,0 +18729,0 +18730,0 +18731,0 +18732,0 +18733,0 +18734,0 +18735,0 +18736,0 +18737,0 +18738,0 +18739,0 +18740,0 +18741,0 +18742,0 +18743,0 +18744,0 +18745,0 +18746,0 +18747,0 +18748,0 +18749,0 +18750,0 +18751,0 +18752,0 +18753,0 +18754,0 +18755,0 +18756,0 +18757,0 +18758,0 +18759,0 +18760,0 +18761,0 +18762,0 +18763,0 +18764,0 +18765,0 +18766,0 +18767,0 +18768,0 +18769,0 +18770,0 +18771,0 +18772,0 +18773,0 +18774,0 +18775,0 +18776,0 +18777,0 +18778,0 +18779,0 +18780,0 +18781,0 +18782,0 +18783,0 +18784,0 +18785,0 +18786,0 +18787,0 +18788,0 +18789,0 +18790,0 +18791,0 +18792,0 +18793,0 +18794,0 +18795,0 +18796,0 +18797,0 +18798,0 +18799,0 +18800,0 +18801,0 +18802,0 +18803,0 +18804,0 +18805,0 +18806,0 +18807,0 +18808,0 +18809,0 +18810,0 +18811,0 +18812,0 +18813,0 +18814,0 +18815,0 +18816,0 +18817,0 +18818,0 +18819,0 +18820,0 +18821,0 +18822,0 +18823,0 +18824,0 +18825,0 +18826,0 +18827,0 +18828,0 +18829,0 +18830,0 +18831,0 +18832,0 +18833,0 +18834,0 +18835,0 +18836,0 +18837,0 +18838,0 +18839,0 +18840,0 +18841,0 +18842,0 +18843,0 +18844,0 +18845,0 +18846,0 +18847,0 +18848,0 +18849,0 +18850,0 +18851,0 +18852,0 +18853,0 +18854,0 +18855,0 +18856,0 +18857,0 +18858,0 +18859,0 +18860,0 +18861,0 +18862,0 +18863,0 +18864,0 +18865,0 +18866,0 +18867,0 +18868,0 +18869,0 +18870,0 +18871,0 +18872,0 +18873,0 +18874,0 +18875,0 +18876,0 +18877,0 +18878,0 +18879,0 +18880,0 +18881,0 +18882,0 +18883,0 +18884,0 +18885,0 +18886,0 +18887,0 +18888,0 +18889,0 +18890,0 +18891,0 +18892,0 +18893,0 +18894,0 +18895,0 +18896,0 +18897,0 +18898,0 +18899,0 +18900,0 +18901,0 +18902,0 +18903,0 +18904,0 +18905,0 +18906,0 +18907,0 +18908,0 +18909,0 +18910,0 +18911,0 +18912,0 +18913,0 +18914,0 +18915,0 +18916,0 +18917,0 +18918,0 +18919,0 +18920,0 +18921,0 +18922,0 +18923,0 +18924,0 +18925,0 +18926,0 +18927,0 +18928,0 +18929,0 +18930,0 +18931,0 +18932,0 +18933,0 +18934,0 +18935,0 +18936,0 +18937,0 +18938,0 +18939,0 +18940,0 +18941,0 +18942,0 +18943,0 +18944,0 +18945,0 +18946,0 +18947,0 +18948,0 +18949,0 +18950,0 +18951,0 +18952,0 +18953,0 +18954,0 +18955,0 +18956,0 +18957,0 +18958,0 +18959,0 +18960,0 +18961,0 +18962,0 +18963,0 +18964,0 +18965,0 +18966,0 +18967,0 +18968,0 +18969,0 +18970,0 +18971,0 +18972,0 +18973,0 +18974,0 +18975,0 +18976,0 +18977,0 +18978,0 +18979,0 +18980,0 +18981,0 +18982,0 +18983,0 +18984,0 +18985,0 +18986,0 +18987,0 +18988,0 +18989,0 +18990,0 +18991,0 +18992,0 +18993,0 +18994,0 +18995,0 +18996,0 +18997,0 +18998,0 +18999,0 +19000,0 +19001,0 +19002,0 +19003,0 +19004,0 +19005,0 +19006,0 +19007,0 +19008,0 +19009,0 +19010,0 +19011,0 +19012,0 +19013,0 +19014,0 +19015,0 +19016,0 +19017,0 +19018,0 +19019,0 +19020,0 +19021,0 +19022,0 +19023,0 +19024,0 +19025,0 +19026,0 +19027,0 +19028,0 +19029,0 +19030,0 +19031,0 +19032,0 +19033,0 +19034,0 +19035,0 +19036,0 +19037,0 +19038,0 +19039,0 +19040,0 +19041,0 +19042,0 +19043,0 +19044,0 +19045,0 +19046,0 +19047,0 +19048,0 +19049,0 +19050,0 +19051,0 +19052,0 +19053,0 +19054,0 +19055,0 +19056,0 +19057,0 +19058,0 +19059,0 +19060,0 +19061,0 +19062,0 +19063,0 +19064,0 +19065,0 +19066,0 +19067,0 +19068,0 +19069,0 +19070,0 +19071,0 +19072,0 +19073,0 +19074,0 +19075,0 +19076,0 +19077,0 +19078,0 +19079,0 +19080,0 +19081,0 +19082,0 +19083,0 +19084,0 +19085,0 +19086,0 +19087,0 +19088,0 +19089,0 +19090,0 +19091,0 +19092,0 +19093,0 +19094,0 +19095,0 +19096,0 +19097,0 +19098,0 +19099,0 +19100,0 +19101,0 +19102,0 +19103,0 +19104,0 +19105,0 +19106,0 +19107,0 +19108,0 +19109,0 +19110,0 +19111,0 +19112,0 +19113,0 +19114,0 +19115,0 +19116,0 +19117,0 +19118,0 +19119,0 +19120,0 +19121,0 +19122,0 +19123,0 +19124,0 +19125,0 +19126,0 +19127,0 +19128,0 +19129,0 +19130,0 +19131,0 +19132,0 +19133,0 +19134,0 +19135,0 +19136,0 +19137,0 +19138,0 +19139,0 +19140,0 +19141,0 +19142,0 +19143,0 +19144,0 +19145,0 +19146,0 +19147,0 +19148,0 +19149,0 +19150,0 +19151,0 +19152,0 +19153,0 +19154,0 +19155,0 +19156,0 +19157,0 +19158,0 +19159,0 +19160,0 +19161,0 +19162,0 +19163,0 +19164,0 +19165,0 +19166,0 +19167,0 +19168,0 +19169,0 +19170,0 +19171,0 +19172,0 +19173,0 +19174,0 +19175,0 +19176,0 +19177,0 +19178,0 +19179,0 +19180,0 +19181,0 +19182,0 +19183,0 +19184,0 +19185,0 +19186,0 +19187,0 +19188,0 +19189,0 +19190,0 +19191,0 +19192,0 +19193,0 +19194,0 +19195,0 +19196,0 +19197,0 +19198,0 +19199,0 +19200,0 +19201,0 +19202,0 +19203,0 +19204,0 +19205,0 +19206,0 +19207,0 +19208,0 +19209,0 +19210,0 +19211,0 +19212,0 +19213,0 +19214,0 +19215,0 +19216,0 +19217,0 +19218,0 +19219,0 +19220,0 +19221,0 +19222,0 +19223,0 +19224,0 +19225,0 +19226,0 +19227,0 +19228,0 +19229,0 +19230,0 +19231,0 +19232,0 +19233,0 +19234,0 +19235,0 +19236,0 +19237,0 +19238,0 +19239,0 +19240,0 +19241,0 +19242,0 +19243,0 +19244,0 +19245,0 +19246,0 +19247,0 +19248,0 +19249,0 +19250,0 +19251,0 +19252,0 +19253,0 +19254,0 +19255,0 +19256,0 +19257,0 +19258,0 +19259,0 +19260,0 +19261,0 +19262,0 +19263,0 +19264,0 +19265,0 +19266,0 +19267,0 +19268,0 +19269,0 +19270,0 +19271,0 +19272,0 +19273,0 +19274,0 +19275,0 +19276,0 +19277,0 +19278,0 +19279,0 +19280,0 +19281,0 +19282,0 +19283,0 +19284,0 +19285,0 +19286,0 +19287,0 +19288,0 +19289,0 +19290,0 +19291,0 +19292,0 +19293,0 +19294,0 +19295,0 +19296,0 +19297,0 +19298,0 +19299,0 +19300,0 +19301,0 +19302,0 +19303,0 +19304,0 +19305,0 +19306,0 +19307,0 +19308,0 +19309,0 +19310,0 +19311,0 +19312,0 +19313,0 +19314,0 +19315,0 +19316,0 +19317,0 +19318,0 +19319,0 +19320,0 +19321,0 +19322,0 +19323,0 +19324,0 +19325,0 +19326,0 +19327,0 +19328,0 +19329,0 +19330,0 +19331,0 +19332,0 +19333,0 +19334,0 +19335,0 +19336,0 +19337,0 +19338,0 +19339,0 +19340,0 +19341,0 +19342,0 +19343,0 +19344,0 +19345,0 +19346,0 +19347,0 +19348,0 +19349,0 +19350,0 +19351,0 +19352,0 +19353,0 +19354,0 +19355,0 +19356,0 +19357,0 +19358,0 +19359,0 +19360,0 +19361,0 +19362,0 +19363,0 +19364,0 +19365,0 +19366,0 +19367,0 +19368,0 +19369,0 +19370,0 +19371,0 +19372,0 +19373,0 +19374,0 +19375,0 +19376,0 +19377,0 +19378,0 +19379,0 +19380,0 +19381,0 +19382,0 +19383,0 +19384,0 +19385,0 +19386,0 +19387,0 +19388,0 +19389,0 +19390,0 +19391,0 +19392,0 +19393,0 +19394,0 +19395,0 +19396,0 +19397,0 +19398,0 +19399,0 +19400,0 +19401,0 +19402,0 +19403,0 +19404,0 +19405,0 +19406,0 +19407,0 +19408,0 +19409,0 +19410,0 +19411,0 +19412,0 +19413,0 +19414,0 +19415,0 +19416,0 +19417,0 +19418,0 +19419,0 +19420,0 +19421,0 +19422,0 +19423,0 +19424,0 +19425,0 +19426,0 +19427,0 +19428,0 +19429,0 +19430,0 +19431,0 +19432,0 +19433,0 +19434,0 +19435,0 +19436,0 +19437,0 +19438,0 +19439,0 +19440,0 +19441,0 +19442,0 +19443,0 +19444,0 +19445,0 +19446,0 +19447,0 +19448,0 +19449,0 +19450,0 +19451,0 +19452,0 +19453,0 +19454,0 +19455,0 +19456,0 +19457,0 +19458,0 +19459,0 +19460,0 +19461,0 +19462,0 +19463,0 +19464,0 +19465,0 +19466,0 +19467,0 +19468,0 +19469,0 +19470,0 +19471,0 +19472,0 +19473,0 +19474,0 +19475,0 +19476,0 +19477,0 +19478,0 +19479,0 +19480,0 +19481,0 +19482,0 +19483,0 +19484,0 +19485,0 +19486,0 +19487,0 +19488,0 +19489,0 +19490,0 +19491,0 +19492,0 +19493,0 +19494,0 +19495,0 +19496,0 +19497,0 +19498,0 +19499,0 +19500,0 +19501,0 +19502,0 +19503,0 +19504,0 +19505,0 +19506,0 +19507,0 +19508,0 +19509,0 +19510,0 +19511,0 +19512,0 +19513,0 +19514,0 +19515,0 +19516,0 +19517,0 +19518,0 +19519,0 +19520,0 +19521,0 +19522,0 +19523,0 +19524,0 +19525,0 +19526,0 +19527,0 +19528,0 +19529,0 +19530,0 +19531,0 +19532,0 +19533,0 +19534,0 +19535,0 +19536,0 +19537,0 +19538,0 +19539,0 +19540,0 +19541,0 +19542,0 +19543,0 +19544,0 +19545,0 +19546,0 +19547,0 +19548,0 +19549,0 +19550,0 +19551,0 +19552,0 +19553,0 +19554,0 +19555,0 +19556,0 +19557,0 +19558,0 +19559,0 +19560,0 +19561,0 +19562,0 +19563,0 +19564,0 +19565,0 +19566,0 +19567,0 +19568,0 +19569,0 +19570,0 +19571,0 +19572,0 +19573,0 +19574,0 +19575,0 +19576,0 +19577,0 +19578,0 +19579,0 +19580,0 +19581,0 +19582,0 +19583,0 +19584,0 +19585,0 +19586,0 +19587,0 +19588,0 +19589,0 +19590,0 +19591,0 +19592,0 +19593,0 +19594,0 +19595,0 +19596,0 +19597,0 +19598,0 +19599,0 +19600,0 +19601,0 +19602,0 +19603,0 +19604,0 +19605,0 +19606,0 +19607,0 +19608,0 +19609,0 +19610,0 +19611,0 +19612,0 +19613,0 +19614,0 +19615,0 +19616,0 +19617,0 +19618,0 +19619,0 +19620,0 +19621,0 +19622,0 +19623,0 +19624,0 +19625,0 +19626,0 +19627,0 +19628,0 +19629,0 +19630,0 +19631,0 +19632,0 +19633,0 +19634,0 +19635,0 +19636,0 +19637,0 +19638,0 +19639,0 +19640,0 +19641,0 +19642,0 +19643,0 +19644,0 +19645,0 +19646,0 +19647,0 +19648,0 +19649,0 +19650,0 +19651,0 +19652,0 +19653,0 +19654,0 +19655,0 +19656,0 +19657,0 +19658,0 +19659,0 +19660,0 +19661,0 +19662,0 +19663,0 +19664,0 +19665,0 +19666,0 +19667,0 +19668,0 +19669,0 +19670,0 +19671,0 +19672,0 +19673,0 +19674,0 +19675,0 +19676,0 +19677,0 +19678,0 +19679,0 +19680,0 +19681,0 +19682,0 +19683,0 +19684,0 +19685,0 +19686,0 +19687,0 +19688,0 +19689,0 +19690,0 +19691,0 +19692,0 +19693,0 +19694,0 +19695,0 +19696,0 +19697,0 +19698,0 +19699,0 +19700,0 +19701,0 +19702,0 +19703,0 +19704,0 +19705,0 +19706,0 +19707,0 +19708,0 +19709,0 +19710,0 +19711,0 +19712,0 +19713,0 +19714,0 +19715,0 +19716,0 +19717,0 +19718,0 +19719,0 +19720,0 +19721,0 +19722,0 +19723,0 +19724,0 +19725,0 +19726,0 +19727,0 +19728,0 +19729,0 +19730,0 +19731,0 +19732,0 +19733,0 +19734,0 +19735,0 +19736,0 +19737,0 +19738,0 +19739,0 +19740,0 +19741,0 +19742,0 +19743,0 +19744,0 +19745,0 +19746,0 +19747,0 +19748,0 +19749,0 +19750,0 +19751,0 +19752,0 +19753,0 +19754,0 +19755,0 +19756,0 +19757,0 +19758,0 +19759,0 +19760,0 +19761,0 +19762,0 +19763,0 +19764,0 +19765,0 +19766,0 +19767,0 +19768,0 +19769,0 +19770,0 +19771,0 +19772,0 +19773,0 +19774,0 +19775,0 +19776,0 +19777,0 +19778,0 +19779,0 +19780,0 +19781,0 +19782,0 +19783,0 +19784,0 +19785,0 +19786,0 +19787,0 +19788,0 +19789,0 +19790,0 +19791,0 +19792,0 +19793,0 +19794,0 +19795,0 +19796,0 +19797,0 +19798,0 +19799,0 +19800,0 +19801,0 +19802,0 +19803,0 +19804,0 +19805,0 +19806,0 +19807,0 +19808,0 +19809,0 +19810,0 +19811,0 +19812,0 +19813,0 +19814,0 +19815,0 +19816,0 +19817,0 +19818,0 +19819,0 +19820,0 +19821,0 +19822,0 +19823,0 +19824,0 +19825,0 +19826,0 +19827,0 +19828,0 +19829,0 +19830,0 +19831,0 +19832,0 +19833,0 +19834,0 +19835,0 +19836,0 +19837,0 +19838,0 +19839,0 +19840,0 +19841,0 +19842,0 +19843,0 +19844,0 +19845,0 +19846,0 +19847,0 +19848,0 +19849,0 +19850,0 +19851,0 +19852,0 +19853,0 +19854,0 +19855,0 +19856,0 +19857,0 +19858,0 +19859,0 +19860,0 +19861,0 +19862,0 +19863,0 +19864,0 +19865,0 +19866,0 +19867,0 +19868,0 +19869,0 +19870,0 +19871,0 +19872,0 +19873,0 +19874,0 +19875,0 +19876,0 +19877,0 +19878,0 +19879,0 +19880,0 +19881,0 +19882,0 +19883,0 +19884,0 +19885,0 +19886,0 +19887,0 +19888,0 +19889,0 +19890,0 +19891,0 +19892,0 +19893,0 +19894,0 +19895,0 +19896,0 +19897,0 +19898,0 +19899,0 +19900,0 +19901,0 +19902,0 +19903,0 +19904,0 +19905,0 +19906,0 +19907,0 +19908,0 +19909,0 +19910,0 +19911,0 +19912,0 +19913,0 +19914,0 +19915,0 +19916,0 +19917,0 +19918,0 +19919,0 +19920,0 +19921,0 +19922,0 +19923,0 +19924,0 +19925,0 +19926,0 +19927,0 +19928,0 +19929,0 +19930,0 +19931,0 +19932,0 +19933,0 +19934,0 +19935,0 +19936,0 +19937,0 +19938,0 +19939,0 +19940,0 +19941,0 +19942,0 +19943,0 +19944,0 +19945,0 +19946,0 +19947,0 +19948,0 +19949,0 +19950,0 +19951,0 +19952,0 +19953,0 +19954,0 +19955,0 +19956,0 +19957,0 +19958,0 +19959,0 +19960,0 +19961,0 +19962,0 +19963,0 +19964,0 +19965,0 +19966,0 +19967,0 +19968,0 +19969,0 +19970,0 +19971,0 +19972,0 +19973,0 +19974,0 +19975,0 +19976,0 +19977,0 +19978,0 +19979,0 +19980,0 +19981,0 +19982,0 +19983,0 +19984,0 +19985,0 +19986,0 +19987,0 +19988,0 +19989,0 +19990,0 +19991,0 +19992,0 +19993,0 +19994,0 +19995,0 +19996,0 +19997,0 +19998,0 +19999,0 +20000,0 +20001,0 +20002,0 +20003,0 +20004,0 +20005,0 +20006,0 +20007,0 +20008,0 +20009,0 +20010,0 +20011,0 +20012,0 +20013,0 +20014,0 +20015,0 +20016,0 +20017,0 +20018,0 +20019,0 +20020,0 +20021,0 +20022,0 +20023,0 +20024,0 +20025,0 +20026,0 +20027,0 +20028,0 +20029,0 +20030,0 +20031,0 +20032,0 +20033,0 +20034,0 +20035,0 +20036,0 +20037,0 +20038,0 +20039,0 +20040,0 +20041,0 +20042,0 +20043,0 +20044,0 +20045,0 +20046,0 +20047,0 +20048,0 +20049,0 +20050,0 +20051,0 +20052,0 +20053,0 +20054,0 +20055,0 +20056,0 +20057,0 +20058,0 +20059,0 +20060,0 +20061,0 +20062,0 +20063,0 +20064,0 +20065,0 +20066,0 +20067,0 +20068,0 +20069,0 +20070,0 +20071,0 +20072,0 +20073,0 +20074,0 +20075,0 +20076,0 +20077,0 +20078,0 +20079,0 +20080,0 +20081,0 +20082,0 +20083,0 +20084,0 +20085,0 +20086,0 +20087,0 +20088,0 +20089,0 +20090,0 +20091,0 +20092,0 +20093,0 +20094,0 +20095,0 +20096,0 +20097,0 +20098,0 +20099,0 +20100,0 +20101,0 +20102,0 +20103,0 +20104,0 +20105,0 +20106,0 +20107,0 +20108,0 +20109,0 +20110,0 +20111,0 +20112,0 +20113,0 +20114,0 +20115,0 +20116,0 +20117,0 +20118,0 +20119,0 +20120,0 +20121,0 +20122,0 +20123,0 +20124,0 +20125,0 +20126,0 +20127,0 +20128,0 +20129,0 +20130,0 +20131,0 +20132,0 +20133,0 +20134,0 +20135,0 +20136,0 +20137,0 +20138,0 +20139,0 +20140,0 +20141,0 +20142,0 +20143,0 +20144,0 +20145,0 +20146,0 +20147,0 +20148,0 +20149,0 +20150,0 +20151,0 +20152,0 +20153,0 +20154,0 +20155,0 +20156,0 +20157,0 +20158,0 +20159,0 +20160,0 +20161,0 +20162,0 +20163,0 +20164,0 +20165,0 +20166,0 +20167,0 +20168,0 +20169,0 +20170,0 +20171,0 +20172,0 +20173,0 +20174,0 +20175,0 +20176,0 +20177,0 +20178,0 +20179,0 +20180,0 +20181,0 +20182,0 +20183,0 +20184,0 +20185,0 +20186,0 +20187,0 +20188,0 +20189,0 +20190,0 +20191,0 +20192,0 +20193,0 +20194,0 +20195,0 +20196,0 +20197,0 +20198,0 +20199,0 +20200,0 +20201,0 +20202,0 +20203,0 +20204,0 +20205,0 +20206,0 +20207,0 +20208,0 +20209,0 +20210,0 +20211,0 +20212,0 +20213,0 +20214,0 +20215,0 +20216,0 +20217,0 +20218,0 +20219,0 +20220,0 +20221,0 +20222,0 +20223,0 +20224,0 +20225,0 +20226,0 +20227,0 +20228,0 +20229,0 +20230,0 +20231,0 +20232,0 +20233,0 +20234,0 +20235,0 +20236,0 +20237,0 +20238,0 +20239,0 +20240,0 +20241,0 +20242,0 +20243,0 +20244,0 +20245,0 +20246,0 +20247,0 +20248,0 +20249,0 +20250,0 +20251,0 +20252,0 +20253,0 +20254,0 +20255,0 +20256,0 +20257,0 +20258,0 +20259,0 +20260,0 +20261,0 +20262,0 +20263,0 +20264,0 +20265,0 +20266,0 +20267,0 +20268,0 +20269,0 +20270,0 +20271,0 +20272,0 +20273,0 +20274,0 +20275,0 +20276,0 +20277,0 +20278,0 +20279,0 +20280,0 +20281,0 +20282,0 +20283,0 +20284,0 +20285,0 +20286,0 +20287,0 +20288,0 +20289,0 +20290,0 +20291,0 +20292,0 +20293,0 +20294,0 +20295,0 +20296,0 +20297,0 +20298,0 +20299,0 +20300,0 +20301,0 +20302,0 +20303,0 +20304,0 +20305,0 +20306,0 +20307,0 +20308,0 +20309,0 +20310,0 +20311,0 +20312,0 +20313,0 +20314,0 +20315,0 +20316,0 +20317,0 +20318,0 +20319,0 +20320,0 +20321,0 +20322,0 +20323,0 +20324,0 +20325,0 +20326,0 +20327,0 +20328,0 +20329,0 +20330,0 +20331,0 +20332,0 +20333,0 +20334,0 +20335,0 +20336,0 +20337,0 +20338,0 +20339,0 +20340,0 +20341,0 +20342,0 +20343,0 +20344,0 +20345,0 +20346,0 +20347,0 +20348,0 +20349,0 +20350,0 +20351,0 +20352,0 +20353,0 +20354,0 +20355,0 +20356,0 +20357,0 +20358,0 +20359,0 +20360,0 +20361,0 +20362,0 +20363,0 +20364,0 +20365,0 +20366,0 +20367,0 +20368,0 +20369,0 +20370,0 +20371,0 +20372,0 +20373,0 +20374,0 +20375,0 +20376,0 +20377,0 +20378,0 +20379,0 +20380,0 +20381,0 +20382,0 +20383,0 +20384,0 +20385,0 +20386,0 +20387,0 +20388,0 +20389,0 +20390,0 +20391,0 +20392,0 +20393,0 +20394,0 +20395,0 +20396,0 +20397,0 +20398,0 +20399,0 +20400,0 +20401,0 +20402,0 +20403,0 +20404,0 +20405,0 +20406,0 +20407,0 +20408,0 +20409,0 +20410,0 +20411,0 +20412,0 +20413,0 +20414,0 +20415,0 +20416,0 +20417,0 +20418,0 +20419,0 +20420,0 +20421,0 +20422,0 +20423,0 +20424,0 +20425,0 +20426,0 +20427,0 +20428,0 +20429,0 +20430,0 +20431,0 +20432,0 +20433,0 +20434,0 +20435,0 +20436,0 +20437,0 +20438,0 +20439,0 +20440,0 +20441,0 +20442,0 +20443,0 +20444,0 +20445,0 +20446,0 +20447,0 +20448,0 +20449,0 +20450,0 +20451,0 +20452,0 +20453,0 +20454,0 +20455,0 +20456,0 +20457,0 +20458,0 +20459,0 +20460,0 +20461,0 +20462,0 +20463,0 +20464,0 +20465,0 +20466,0 +20467,0 +20468,0 +20469,0 +20470,0 +20471,0 +20472,0 +20473,0 +20474,0 +20475,0 +20476,0 +20477,0 +20478,0 +20479,0 +20480,0 +20481,0 +20482,0 +20483,0 +20484,0 +20485,0 +20486,0 +20487,0 +20488,0 +20489,0 +20490,0 +20491,0 +20492,0 +20493,0 +20494,0 +20495,0 +20496,0 +20497,0 +20498,0 +20499,0 +20500,0 +20501,0 +20502,0 +20503,0 +20504,0 +20505,0 +20506,0 +20507,0 +20508,0 +20509,0 +20510,0 +20511,0 +20512,0 +20513,0 +20514,0 +20515,0 +20516,0 +20517,0 +20518,0 +20519,0 +20520,0 +20521,0 +20522,0 +20523,0 +20524,0 +20525,0 +20526,0 +20527,0 +20528,0 +20529,0 +20530,0 +20531,0 +20532,0 +20533,0 +20534,0 +20535,0 +20536,0 +20537,0 +20538,0 +20539,0 +20540,0 +20541,0 +20542,0 +20543,0 +20544,0 +20545,0 +20546,0 +20547,0 +20548,0 +20549,0 +20550,0 +20551,0 +20552,0 +20553,0 +20554,0 +20555,0 +20556,0 +20557,0 +20558,0 +20559,0 +20560,0 +20561,0 +20562,0 +20563,0 +20564,0 +20565,0 +20566,0 +20567,0 +20568,0 +20569,0 +20570,0 +20571,0 +20572,0 +20573,0 +20574,0 +20575,0 +20576,0 +20577,0 +20578,0 +20579,0 +20580,0 +20581,0 +20582,0 +20583,0 +20584,0 +20585,0 +20586,0 +20587,0 +20588,0 +20589,0 +20590,0 +20591,0 +20592,0 +20593,0 +20594,0 +20595,0 +20596,0 +20597,0 +20598,0 +20599,0 +20600,0 +20601,0 +20602,0 +20603,0 +20604,0 +20605,0 +20606,0 +20607,0 +20608,0 +20609,0 +20610,0 +20611,0 +20612,0 +20613,0 +20614,0 +20615,0 +20616,0 +20617,0 +20618,0 +20619,0 +20620,0 +20621,0 +20622,0 +20623,0 +20624,0 +20625,0 +20626,0 +20627,0 +20628,0 +20629,0 +20630,0 +20631,0 +20632,0 +20633,0 +20634,0 +20635,0 +20636,0 +20637,0 +20638,0 +20639,0 +20640,0 +20641,0 +20642,0 +20643,0 +20644,0 +20645,0 +20646,0 +20647,0 +20648,0 +20649,0 +20650,0 +20651,0 +20652,0 +20653,0 +20654,0 +20655,0 +20656,0 +20657,0 +20658,0 +20659,0 +20660,0 +20661,0 +20662,0 +20663,0 +20664,0 +20665,0 +20666,0 +20667,0 +20668,0 +20669,0 +20670,0 +20671,0 +20672,0 +20673,0 +20674,0 +20675,0 +20676,0 +20677,0 +20678,0 +20679,0 +20680,0 +20681,0 +20682,0 +20683,0 +20684,0 +20685,0 +20686,0 +20687,0 +20688,0 +20689,0 +20690,0 +20691,0 +20692,0 +20693,0 +20694,0 +20695,0 +20696,0 +20697,0 +20698,0 +20699,0 +20700,0 +20701,0 +20702,0 +20703,0 +20704,0 +20705,0 +20706,0 +20707,0 +20708,0 +20709,0 +20710,0 +20711,0 +20712,0 +20713,0 +20714,0 +20715,0 +20716,0 +20717,0 +20718,0 +20719,0 +20720,0 +20721,0 +20722,0 +20723,0 +20724,0 +20725,0 +20726,0 +20727,0 +20728,0 +20729,0 +20730,0 +20731,0 +20732,0 +20733,0 +20734,0 +20735,0 +20736,0 +20737,0 +20738,0 +20739,0 +20740,0 +20741,0 +20742,0 +20743,0 +20744,0 +20745,0 +20746,0 +20747,0 +20748,0 +20749,0 +20750,0 +20751,0 +20752,0 +20753,0 +20754,0 +20755,0 +20756,0 +20757,0 +20758,0 +20759,0 +20760,0 +20761,0 +20762,0 +20763,0 +20764,0 +20765,0 +20766,0 +20767,0 +20768,0 +20769,0 +20770,0 +20771,0 +20772,0 +20773,0 +20774,0 +20775,0 +20776,0 +20777,0 +20778,0 +20779,0 +20780,0 +20781,0 +20782,0 +20783,0 +20784,0 +20785,0 +20786,0 +20787,0 +20788,0 +20789,0 +20790,0 +20791,0 +20792,0 +20793,0 +20794,0 +20795,0 +20796,0 +20797,0 +20798,0 +20799,0 +20800,0 +20801,0 +20802,0 +20803,0 +20804,0 +20805,0 +20806,0 +20807,0 +20808,0 +20809,0 +20810,0 +20811,0 +20812,0 +20813,0 +20814,0 +20815,0 +20816,0 +20817,0 +20818,0 +20819,0 +20820,0 +20821,0 +20822,0 +20823,0 +20824,0 +20825,0 +20826,0 +20827,0 +20828,0 +20829,0 +20830,0 +20831,0 +20832,0 +20833,0 +20834,0 +20835,0 +20836,0 +20837,0 +20838,0 +20839,0 +20840,0 +20841,0 +20842,0 +20843,0 +20844,0 +20845,0 +20846,0 +20847,0 +20848,0 +20849,0 +20850,0 +20851,0 +20852,0 +20853,0 +20854,0 +20855,0 +20856,0 +20857,0 +20858,0 +20859,0 +20860,0 +20861,0 +20862,0 +20863,0 +20864,0 +20865,0 +20866,0 +20867,0 +20868,0 +20869,0 +20870,0 +20871,0 +20872,0 +20873,0 +20874,0 +20875,0 +20876,0 +20877,0 +20878,0 +20879,0 +20880,0 +20881,0 +20882,0 +20883,0 +20884,0 +20885,0 +20886,0 +20887,0 +20888,0 +20889,0 +20890,0 +20891,0 +20892,0 +20893,0 +20894,0 +20895,0 +20896,0 +20897,0 +20898,0 +20899,0 +20900,0 +20901,0 +20902,0 +20903,0 +20904,0 +20905,0 +20906,0 +20907,0 +20908,0 +20909,0 +20910,0 +20911,0 +20912,0 +20913,0 +20914,0 +20915,0 +20916,0 +20917,0 +20918,0 +20919,0 +20920,0 +20921,0 +20922,0 +20923,0 +20924,0 +20925,0 +20926,0 +20927,0 +20928,0 +20929,0 +20930,0 +20931,0 +20932,0 +20933,0 +20934,0 +20935,0 +20936,0 +20937,0 +20938,0 +20939,0 +20940,0 +20941,0 +20942,0 +20943,0 +20944,0 +20945,0 +20946,0 +20947,0 +20948,0 +20949,0 +20950,0 +20951,0 +20952,0 +20953,0 +20954,0 +20955,0 +20956,0 +20957,0 +20958,0 +20959,0 +20960,0 +20961,0 +20962,0 +20963,0 +20964,0 +20965,0 +20966,0 +20967,0 +20968,0 +20969,0 +20970,0 +20971,0 +20972,0 +20973,0 +20974,0 +20975,0 +20976,0 +20977,0 +20978,0 +20979,0 +20980,0 +20981,0 +20982,0 +20983,0 +20984,0 +20985,0 +20986,0 +20987,0 +20988,0 +20989,0 +20990,0 +20991,0 +20992,0 +20993,0 +20994,0 +20995,0 +20996,0 +20997,0 +20998,0 +20999,0 +21000,0 +21001,0 +21002,0 +21003,0 +21004,0 +21005,0 +21006,0 +21007,0 +21008,0 +21009,0 +21010,0 +21011,0 +21012,0 +21013,0 +21014,0 +21015,0 +21016,0 +21017,0 +21018,0 +21019,0 +21020,0 +21021,0 +21022,0 +21023,0 +21024,0 +21025,0 +21026,0 +21027,0 +21028,0 +21029,0 +21030,0 +21031,0 +21032,0 +21033,0 +21034,0 +21035,0 +21036,0 +21037,0 +21038,0 +21039,0 +21040,0 +21041,0 +21042,0 +21043,0 +21044,0 +21045,0 +21046,0 +21047,0 +21048,0 +21049,0 +21050,0 +21051,0 +21052,0 +21053,0 +21054,0 +21055,0 +21056,0 +21057,0 +21058,0 +21059,0 +21060,0 +21061,0 +21062,0 +21063,0 +21064,0 +21065,0 +21066,0 +21067,0 +21068,0 +21069,0 +21070,0 +21071,0 +21072,0 +21073,0 +21074,0 +21075,0 +21076,0 +21077,0 +21078,0 +21079,0 +21080,0 +21081,0 +21082,0 +21083,0 +21084,0 +21085,0 +21086,0 +21087,0 +21088,0 +21089,0 +21090,0 +21091,0 +21092,0 +21093,0 +21094,0 +21095,0 +21096,0 +21097,0 +21098,0 +21099,0 +21100,0 +21101,0 +21102,0 +21103,0 +21104,0 +21105,0 +21106,0 +21107,0 +21108,0 +21109,0 +21110,0 +21111,0 +21112,0 +21113,0 +21114,0 +21115,0 +21116,0 +21117,0 +21118,0 +21119,0 +21120,0 +21121,0 +21122,0 +21123,0 +21124,0 +21125,0 +21126,0 +21127,0 +21128,0 +21129,0 +21130,0 +21131,0 +21132,0 +21133,0 +21134,0 +21135,0 +21136,0 +21137,0 +21138,0 +21139,0 +21140,0 +21141,0 +21142,0 +21143,0 +21144,0 +21145,0 +21146,0 +21147,0 +21148,0 +21149,0 +21150,0 +21151,0 +21152,0 +21153,0 +21154,0 +21155,0 +21156,0 +21157,0 +21158,0 +21159,0 +21160,0 +21161,0 +21162,0 +21163,0 +21164,0 +21165,0 +21166,0 +21167,0 +21168,0 +21169,0 +21170,0 +21171,0 +21172,0 +21173,0 +21174,0 +21175,0 +21176,0 +21177,0 +21178,0 +21179,0 +21180,0 +21181,0 +21182,0 +21183,0 +21184,0 +21185,0 +21186,0 +21187,0 +21188,0 +21189,0 +21190,0 +21191,0 +21192,0 +21193,0 +21194,0 +21195,0 +21196,0 +21197,0 +21198,0 +21199,0 +21200,0 +21201,0 +21202,0 +21203,0 +21204,0 +21205,0 +21206,0 +21207,0 +21208,0 +21209,0 +21210,0 +21211,0 +21212,0 +21213,0 +21214,0 +21215,0 +21216,0 +21217,0 +21218,0 +21219,0 +21220,0 +21221,0 +21222,0 +21223,0 +21224,0 +21225,0 +21226,0 +21227,0 +21228,0 +21229,0 +21230,0 +21231,0 +21232,0 +21233,0 +21234,0 +21235,0 +21236,0 +21237,0 +21238,0 +21239,0 +21240,0 +21241,0 +21242,0 +21243,0 +21244,0 +21245,0 +21246,0 +21247,0 +21248,0 +21249,0 +21250,0 +21251,0 +21252,0 +21253,0 +21254,0 +21255,0 +21256,0 +21257,0 +21258,0 +21259,0 +21260,0 +21261,0 +21262,0 +21263,0 +21264,0 +21265,0 +21266,0 +21267,0 +21268,0 +21269,0 +21270,0 +21271,0 +21272,0 +21273,0 +21274,0 +21275,0 +21276,0 +21277,0 +21278,0 +21279,0 +21280,0 +21281,0 +21282,0 +21283,0 +21284,0 +21285,0 +21286,0 +21287,0 +21288,0 +21289,0 +21290,0 +21291,0 +21292,0 +21293,0 +21294,0 +21295,0 +21296,0 +21297,0 +21298,0 +21299,0 +21300,0 +21301,0 +21302,0 +21303,0 +21304,0 +21305,0 +21306,0 +21307,0 +21308,0 +21309,0 +21310,0 +21311,0 +21312,0 +21313,0 +21314,0 +21315,0 +21316,0 +21317,0 +21318,0 +21319,0 +21320,0 +21321,0 +21322,0 +21323,0 +21324,0 +21325,0 +21326,0 +21327,0 +21328,0 +21329,0 +21330,0 +21331,0 +21332,0 +21333,0 +21334,0 +21335,0 +21336,0 +21337,0 +21338,0 +21339,0 +21340,0 +21341,0 +21342,0 +21343,0 +21344,0 +21345,0 +21346,0 +21347,0 +21348,0 +21349,0 +21350,0 +21351,0 +21352,0 +21353,0 +21354,0 +21355,0 +21356,0 +21357,0 +21358,0 +21359,0 +21360,0 +21361,0 +21362,0 +21363,0 +21364,0 +21365,0 +21366,0 +21367,0 +21368,0 +21369,0 +21370,0 +21371,0 +21372,0 +21373,0 +21374,0 +21375,0 +21376,0 +21377,0 +21378,0 +21379,0 +21380,0 +21381,0 +21382,0 +21383,0 +21384,0 +21385,0 +21386,0 +21387,0 +21388,0 +21389,0 +21390,0 +21391,0 +21392,0 +21393,0 +21394,0 +21395,0 +21396,0 +21397,0 +21398,0 +21399,0 +21400,0 +21401,0 +21402,0 +21403,0 +21404,0 +21405,0 +21406,0 +21407,0 +21408,0 +21409,0 +21410,0 +21411,0 +21412,0 +21413,0 +21414,0 +21415,0 +21416,0 +21417,0 +21418,0 +21419,0 +21420,0 +21421,0 +21422,0 +21423,0 +21424,0 +21425,0 +21426,0 +21427,0 +21428,0 +21429,0 +21430,0 +21431,0 +21432,0 +21433,0 +21434,0 +21435,0 +21436,0 +21437,0 +21438,0 +21439,0 +21440,0 +21441,0 +21442,0 +21443,0 +21444,0 +21445,0 +21446,0 +21447,0 +21448,0 +21449,0 +21450,0 +21451,0 +21452,0 +21453,0 +21454,0 +21455,0 +21456,0 +21457,0 +21458,0 +21459,0 +21460,0 +21461,0 +21462,0 +21463,0 +21464,0 +21465,0 +21466,0 +21467,0 +21468,0 +21469,0 +21470,0 +21471,0 +21472,0 +21473,0 +21474,0 +21475,0 +21476,0 +21477,0 +21478,0 +21479,0 +21480,0 +21481,0 +21482,0 +21483,0 +21484,0 +21485,0 +21486,0 +21487,0 +21488,0 +21489,0 +21490,0 +21491,0 +21492,0 +21493,0 +21494,0 +21495,0 +21496,0 +21497,0 +21498,0 +21499,0 +21500,0 +21501,0 +21502,0 +21503,0 +21504,0 +21505,0 +21506,0 +21507,0 +21508,0 +21509,0 +21510,0 +21511,0 +21512,0 +21513,0 +21514,0 +21515,0 +21516,0 +21517,0 +21518,0 +21519,0 +21520,0 +21521,0 +21522,0 +21523,0 +21524,0 +21525,0 +21526,0 +21527,0 +21528,0 +21529,0 +21530,0 +21531,0 +21532,0 +21533,0 +21534,0 +21535,0 +21536,0 +21537,0 +21538,0 +21539,0 +21540,0 +21541,0 +21542,0 +21543,0 +21544,0 +21545,0 +21546,0 +21547,0 +21548,0 +21549,0 +21550,0 +21551,0 +21552,0 +21553,0 +21554,0 +21555,0 +21556,0 +21557,0 +21558,0 +21559,0 +21560,0 +21561,0 +21562,0 +21563,0 +21564,0 +21565,0 +21566,0 +21567,0 +21568,0 +21569,0 +21570,0 +21571,0 +21572,0 +21573,0 +21574,0 +21575,0 +21576,0 +21577,0 +21578,0 +21579,0 +21580,0 +21581,0 +21582,0 +21583,0 +21584,0 +21585,0 +21586,0 +21587,0 +21588,0 +21589,0 +21590,0 +21591,0 +21592,0 +21593,0 +21594,0 +21595,0 +21596,0 +21597,0 +21598,0 +21599,0 +21600,0 +21601,0 +21602,0 +21603,0 +21604,0 +21605,0 +21606,0 +21607,0 +21608,0 +21609,0 +21610,0 +21611,0 +21612,0 +21613,0 +21614,0 +21615,0 +21616,0 +21617,0 +21618,0 +21619,0 +21620,0 +21621,0 +21622,0 +21623,0 +21624,0 +21625,0 +21626,0 +21627,0 +21628,0 +21629,0 +21630,0 +21631,0 +21632,0 +21633,0 +21634,0 +21635,0 +21636,0 +21637,0 +21638,0 +21639,0 +21640,0 +21641,0 +21642,0 +21643,0 +21644,0 +21645,0 +21646,0 +21647,0 +21648,0 +21649,0 +21650,0 +21651,0 +21652,0 +21653,0 +21654,0 +21655,0 +21656,0 +21657,0 +21658,0 +21659,0 +21660,0 +21661,0 +21662,0 +21663,0 +21664,0 +21665,0 +21666,0 +21667,0 +21668,0 +21669,0 +21670,0 +21671,0 +21672,0 +21673,0 +21674,0 +21675,0 +21676,0 +21677,0 +21678,0 +21679,0 +21680,0 +21681,0 +21682,0 +21683,0 +21684,0 +21685,0 +21686,0 +21687,0 +21688,0 +21689,0 +21690,0 +21691,0 +21692,0 +21693,0 +21694,0 +21695,0 +21696,0 +21697,0 +21698,0 +21699,0 +21700,0 +21701,0 +21702,0 +21703,0 +21704,0 +21705,0 +21706,0 +21707,0 +21708,0 +21709,0 +21710,0 +21711,0 +21712,0 +21713,0 +21714,0 +21715,0 +21716,0 +21717,0 +21718,0 +21719,0 +21720,0 +21721,0 +21722,0 +21723,0 +21724,0 +21725,0 +21726,0 +21727,0 +21728,0 +21729,0 +21730,0 +21731,0 +21732,0 +21733,0 +21734,0 +21735,0 +21736,0 +21737,0 +21738,0 +21739,0 +21740,0 +21741,0 +21742,0 +21743,0 +21744,0 +21745,0 +21746,0 +21747,0 +21748,0 +21749,0 +21750,0 +21751,0 +21752,0 +21753,0 +21754,0 +21755,0 +21756,0 +21757,0 +21758,0 +21759,0 +21760,0 +21761,0 +21762,0 +21763,0 +21764,0 +21765,0 +21766,0 +21767,0 +21768,0 +21769,0 +21770,0 +21771,0 +21772,0 +21773,0 +21774,0 +21775,0 +21776,0 +21777,0 +21778,0 +21779,0 +21780,0 +21781,0 +21782,0 +21783,0 +21784,0 +21785,0 +21786,0 +21787,0 +21788,0 +21789,0 +21790,0 +21791,0 +21792,0 +21793,0 +21794,0 +21795,0 +21796,0 +21797,0 +21798,0 +21799,0 +21800,0 +21801,0 +21802,0 +21803,0 +21804,0 +21805,0 +21806,0 +21807,0 +21808,0 +21809,0 +21810,0 +21811,0 +21812,0 +21813,0 +21814,0 +21815,0 +21816,0 +21817,0 +21818,0 +21819,0 +21820,0 +21821,0 +21822,0 +21823,0 +21824,0 +21825,0 +21826,0 +21827,0 +21828,0 +21829,0 +21830,0 +21831,0 +21832,0 +21833,0 +21834,0 +21835,0 +21836,0 +21837,0 +21838,0 +21839,0 +21840,0 +21841,0 +21842,0 +21843,0 +21844,0 +21845,0 +21846,0 +21847,0 +21848,0 +21849,0 +21850,0 +21851,0 +21852,0 +21853,0 +21854,0 +21855,0 +21856,0 +21857,0 +21858,0 +21859,0 +21860,0 +21861,0 +21862,0 +21863,0 +21864,0 +21865,0 +21866,0 +21867,0 +21868,0 +21869,0 +21870,0 +21871,0 +21872,0 +21873,0 +21874,0 +21875,0 +21876,0 +21877,0 +21878,0 +21879,0 +21880,0 +21881,0 +21882,0 +21883,0 +21884,0 +21885,0 +21886,0 +21887,0 +21888,0 +21889,0 +21890,0 +21891,0 +21892,0 +21893,0 +21894,0 +21895,0 +21896,0 +21897,0 +21898,0 +21899,0 +21900,0 +21901,0 +21902,0 +21903,0 +21904,0 +21905,0 +21906,0 +21907,0 +21908,0 +21909,0 +21910,0 +21911,0 +21912,0 +21913,0 +21914,0 +21915,0 +21916,0 +21917,0 +21918,0 +21919,0 +21920,0 +21921,0 +21922,0 +21923,0 +21924,0 +21925,0 +21926,0 +21927,0 +21928,0 +21929,0 +21930,0 +21931,0 +21932,0 +21933,0 +21934,0 +21935,0 +21936,0 +21937,0 +21938,0 +21939,0 +21940,0 +21941,0 +21942,0 +21943,0 +21944,0 +21945,0 +21946,0 +21947,0 +21948,0 +21949,0 +21950,0 +21951,0 +21952,0 +21953,0 +21954,0 +21955,0 +21956,0 +21957,0 +21958,0 +21959,0 +21960,0 +21961,0 +21962,0 +21963,0 +21964,0 +21965,0 +21966,0 +21967,0 +21968,0 +21969,0 +21970,0 +21971,0 +21972,0 +21973,0 +21974,0 +21975,0 +21976,0 +21977,0 +21978,0 +21979,0 +21980,0 +21981,0 +21982,0 +21983,0 +21984,0 +21985,0 +21986,0 +21987,0 +21988,0 +21989,0 +21990,0 +21991,0 +21992,0 +21993,0 +21994,0 +21995,0 +21996,0 +21997,0 +21998,0 +21999,0 +22000,0 +22001,0 +22002,0 +22003,0 +22004,0 +22005,0 +22006,0 +22007,0 +22008,0 +22009,0 +22010,0 +22011,0 +22012,0 +22013,0 +22014,0 +22015,0 +22016,0 +22017,0 +22018,0 +22019,0 +22020,0 +22021,0 +22022,0 +22023,0 +22024,0 +22025,0 +22026,0 +22027,0 +22028,0 +22029,0 +22030,0 +22031,0 +22032,0 +22033,0 +22034,0 +22035,0 +22036,0 +22037,0 +22038,0 +22039,0 +22040,0 +22041,0 +22042,0 +22043,0 +22044,0 +22045,0 +22046,0 +22047,0 +22048,0 +22049,0 +22050,0 +22051,0 +22052,0 +22053,0 +22054,0 +22055,0 +22056,0 +22057,0 +22058,0 +22059,0 +22060,0 +22061,0 +22062,0 +22063,0 +22064,0 +22065,0 +22066,0 +22067,0 +22068,0 +22069,0 +22070,0 +22071,0 +22072,0 +22073,0 +22074,0 +22075,0 +22076,0 +22077,0 +22078,0 +22079,0 +22080,0 +22081,0 +22082,0 +22083,0 +22084,0 +22085,0 +22086,0 +22087,0 +22088,0 +22089,0 +22090,0 +22091,0 +22092,0 +22093,0 +22094,0 +22095,0 +22096,0 +22097,0 +22098,0 +22099,0 +22100,0 +22101,0 +22102,0 +22103,0 +22104,0 +22105,0 +22106,0 +22107,0 +22108,0 +22109,0 +22110,0 +22111,0 +22112,0 +22113,0 +22114,0 +22115,0 +22116,0 +22117,0 +22118,0 +22119,0 +22120,0 +22121,0 +22122,0 +22123,0 +22124,0 +22125,0 +22126,0 +22127,0 +22128,0 +22129,0 +22130,0 +22131,0 +22132,0 +22133,0 +22134,0 +22135,0 +22136,0 +22137,0 +22138,0 +22139,0 +22140,0 +22141,0 +22142,0 +22143,0 +22144,0 +22145,0 +22146,0 +22147,0 +22148,0 +22149,0 +22150,0 +22151,0 +22152,0 +22153,0 +22154,0 +22155,0 +22156,0 +22157,0 +22158,0 +22159,0 +22160,0 +22161,0 +22162,0 +22163,0 +22164,0 +22165,0 +22166,0 +22167,0 +22168,0 +22169,0 +22170,0 +22171,0 +22172,0 +22173,0 +22174,0 +22175,0 +22176,0 +22177,0 +22178,0 +22179,0 +22180,0 +22181,0 +22182,0 +22183,0 +22184,0 +22185,0 +22186,0 +22187,0 +22188,0 +22189,0 +22190,0 +22191,0 +22192,0 +22193,0 +22194,0 +22195,0 +22196,0 +22197,0 +22198,0 +22199,0 +22200,0 +22201,0 +22202,0 +22203,0 +22204,0 +22205,0 +22206,0 +22207,0 +22208,0 +22209,0 +22210,0 +22211,0 +22212,0 +22213,0 +22214,0 +22215,0 +22216,0 +22217,0 +22218,0 +22219,0 +22220,0 +22221,0 +22222,0 +22223,0 +22224,0 +22225,0 +22226,0 +22227,0 +22228,0 +22229,0 +22230,0 +22231,0 +22232,0 +22233,0 +22234,0 +22235,0 +22236,0 +22237,0 +22238,0 +22239,0 +22240,0 +22241,0 +22242,0 +22243,0 +22244,0 +22245,0 +22246,0 +22247,0 +22248,0 +22249,0 +22250,0 +22251,0 +22252,0 +22253,0 +22254,0 +22255,0 +22256,0 +22257,0 +22258,0 +22259,0 +22260,0 +22261,0 +22262,0 +22263,0 +22264,0 +22265,0 +22266,0 +22267,0 +22268,0 +22269,0 +22270,0 +22271,0 +22272,0 +22273,0 +22274,0 +22275,0 +22276,0 +22277,0 +22278,0 +22279,0 +22280,0 +22281,0 +22282,0 +22283,0 +22284,0 +22285,0 +22286,0 +22287,0 +22288,0 +22289,0 +22290,0 +22291,0 +22292,0 +22293,0 +22294,0 +22295,0 +22296,0 +22297,0 +22298,0 +22299,0 +22300,0 +22301,0 +22302,0 +22303,0 +22304,0 +22305,0 +22306,0 +22307,0 +22308,0 +22309,0 +22310,0 +22311,0 +22312,0 +22313,0 +22314,0 +22315,0 +22316,0 +22317,0 +22318,0 +22319,0 +22320,0 +22321,0 +22322,0 +22323,0 +22324,0 +22325,0 +22326,0 +22327,0 +22328,0 +22329,0 +22330,0 +22331,0 +22332,0 +22333,0 +22334,0 +22335,0 +22336,0 +22337,0 +22338,0 +22339,0 +22340,0 +22341,0 +22342,0 +22343,0 +22344,0 +22345,0 +22346,0 +22347,0 +22348,0 +22349,0 +22350,0 +22351,0 +22352,0 +22353,0 +22354,0 +22355,0 +22356,0 +22357,0 +22358,0 +22359,0 +22360,0 +22361,0 +22362,0 +22363,0 +22364,0 +22365,0 +22366,0 +22367,0 +22368,0 +22369,0 +22370,0 +22371,0 +22372,0 +22373,0 +22374,0 +22375,0 +22376,0 +22377,0 +22378,0 +22379,0 +22380,0 +22381,0 +22382,0 +22383,0 +22384,0 +22385,0 +22386,0 +22387,0 +22388,0 +22389,0 +22390,0 +22391,0 +22392,0 +22393,0 +22394,0 +22395,0 +22396,0 +22397,0 +22398,0 +22399,0 +22400,0 +22401,0 +22402,0 +22403,0 +22404,0 +22405,0 +22406,0 +22407,0 +22408,0 +22409,0 +22410,0 +22411,0 +22412,0 +22413,0 +22414,0 +22415,0 +22416,0 +22417,0 +22418,0 +22419,0 +22420,0 +22421,0 +22422,0 +22423,0 +22424,0 +22425,0 +22426,0 +22427,0 +22428,0 +22429,0 +22430,0 +22431,0 +22432,0 +22433,0 +22434,0 +22435,0 +22436,0 +22437,0 +22438,0 +22439,0 +22440,0 +22441,0 +22442,0 +22443,0 +22444,0 +22445,0 +22446,0 +22447,0 +22448,0 +22449,0 +22450,0 +22451,0 +22452,0 +22453,0 +22454,0 +22455,0 +22456,0 +22457,0 +22458,0 +22459,0 +22460,0 +22461,0 +22462,0 +22463,0 +22464,0 +22465,0 +22466,0 +22467,0 +22468,0 +22469,0 +22470,0 +22471,0 +22472,0 +22473,0 +22474,0 +22475,0 +22476,0 +22477,0 +22478,0 +22479,0 +22480,0 +22481,0 +22482,0 +22483,0 +22484,0 +22485,0 +22486,0 +22487,0 +22488,0 +22489,0 +22490,0 +22491,0 +22492,0 +22493,0 +22494,0 +22495,0 +22496,0 +22497,0 +22498,0 +22499,0 +22500,0 +22501,0 +22502,0 +22503,0 +22504,0 +22505,0 +22506,0 +22507,0 +22508,0 +22509,0 +22510,0 +22511,0 +22512,0 +22513,0 +22514,0 +22515,0 +22516,0 +22517,0 +22518,0 +22519,0 +22520,0 +22521,0 +22522,0 +22523,0 +22524,0 +22525,0 +22526,0 +22527,0 +22528,0 +22529,0 +22530,0 +22531,0 +22532,0 +22533,0 +22534,0 +22535,0 +22536,0 +22537,0 +22538,0 +22539,0 +22540,0 +22541,0 +22542,0 +22543,0 +22544,0 +22545,0 +22546,0 +22547,0 +22548,0 +22549,0 +22550,0 +22551,0 +22552,0 +22553,0 +22554,0 +22555,0 +22556,0 +22557,0 +22558,0 +22559,0 +22560,0 +22561,0 +22562,0 +22563,0 +22564,0 +22565,0 +22566,0 +22567,0 +22568,0 +22569,0 +22570,0 +22571,0 +22572,0 +22573,0 +22574,0 +22575,0 +22576,0 +22577,0 +22578,0 +22579,0 +22580,0 +22581,0 +22582,0 +22583,0 +22584,0 +22585,0 +22586,0 +22587,0 +22588,0 +22589,0 +22590,0 +22591,0 +22592,0 +22593,0 +22594,0 +22595,0 +22596,0 +22597,0 +22598,0 +22599,0 +22600,0 +22601,0 +22602,0 +22603,0 +22604,0 +22605,0 +22606,0 +22607,0 +22608,0 +22609,0 +22610,0 +22611,0 +22612,0 +22613,0 +22614,0 +22615,0 +22616,0 +22617,0 +22618,0 +22619,0 +22620,0 +22621,0 +22622,0 +22623,0 +22624,0 +22625,0 +22626,0 +22627,0 +22628,0 +22629,0 +22630,0 +22631,0 +22632,0 +22633,0 +22634,0 +22635,0 +22636,0 +22637,0 +22638,0 +22639,0 +22640,0 +22641,0 +22642,0 +22643,0 +22644,0 +22645,0 +22646,0 +22647,0 +22648,0 +22649,0 +22650,0 +22651,0 +22652,0 +22653,0 +22654,0 +22655,0 +22656,0 +22657,0 +22658,0 +22659,0 +22660,0 +22661,0 +22662,0 +22663,0 +22664,0 +22665,0 +22666,0 +22667,0 +22668,0 +22669,0 +22670,0 +22671,0 +22672,0 +22673,0 +22674,0 +22675,0 +22676,0 +22677,0 +22678,0 +22679,0 +22680,0 +22681,0 +22682,0 +22683,0 +22684,0 +22685,0 +22686,0 +22687,0 +22688,0 +22689,0 +22690,0 +22691,0 +22692,0 +22693,0 +22694,0 +22695,0 +22696,0 +22697,0 +22698,0 +22699,0 +22700,0 +22701,0 +22702,0 +22703,0 +22704,0 +22705,0 +22706,0 +22707,0 +22708,0 +22709,0 +22710,0 +22711,0 +22712,0 +22713,0 +22714,0 +22715,0 +22716,0 +22717,0 +22718,0 +22719,0 +22720,0 +22721,0 +22722,0 +22723,0 +22724,0 +22725,0 +22726,0 +22727,0 +22728,0 +22729,0 +22730,0 +22731,0 +22732,0 +22733,0 +22734,0 +22735,0 +22736,0 +22737,0 +22738,0 +22739,0 +22740,0 +22741,0 +22742,0 +22743,0 +22744,0 +22745,0 +22746,0 +22747,0 +22748,0 +22749,0 +22750,0 +22751,0 +22752,0 +22753,0 +22754,0 +22755,0 +22756,0 +22757,0 +22758,0 +22759,0 +22760,0 +22761,0 +22762,0 +22763,0 +22764,0 +22765,0 +22766,0 +22767,0 +22768,0 +22769,0 +22770,0 +22771,0 +22772,0 +22773,0 +22774,0 +22775,0 +22776,0 +22777,0 +22778,0 +22779,0 +22780,0 +22781,0 +22782,0 +22783,0 +22784,0 +22785,0 +22786,0 +22787,0 +22788,0 +22789,0 +22790,0 +22791,0 +22792,0 +22793,0 +22794,0 +22795,0 +22796,0 +22797,0 +22798,0 +22799,0 +22800,0 +22801,0 +22802,0 +22803,0 +22804,0 +22805,0 +22806,0 +22807,0 +22808,0 +22809,0 +22810,0 +22811,0 +22812,0 +22813,0 +22814,0 +22815,0 +22816,0 +22817,0 +22818,0 +22819,0 +22820,0 +22821,0 +22822,0 +22823,0 +22824,0 +22825,0 +22826,0 +22827,0 +22828,0 +22829,0 +22830,0 +22831,0 +22832,0 +22833,0 +22834,0 +22835,0 +22836,0 +22837,0 +22838,0 +22839,0 +22840,0 +22841,0 +22842,0 +22843,0 +22844,0 +22845,0 +22846,0 +22847,0 +22848,0 +22849,0 +22850,0 +22851,0 +22852,0 +22853,0 +22854,0 +22855,0 +22856,0 +22857,0 +22858,0 +22859,0 +22860,0 +22861,0 +22862,0 +22863,0 +22864,0 +22865,0 +22866,0 +22867,0 +22868,0 +22869,0 +22870,0 +22871,0 +22872,0 +22873,0 +22874,0 +22875,0 +22876,0 +22877,0 +22878,0 +22879,0 +22880,0 +22881,0 +22882,0 +22883,0 +22884,0 +22885,0 +22886,0 +22887,0 +22888,0 +22889,0 +22890,0 +22891,0 +22892,0 +22893,0 +22894,0 +22895,0 +22896,0 +22897,0 +22898,0 +22899,0 +22900,0 +22901,0 +22902,0 +22903,0 +22904,0 +22905,0 +22906,0 +22907,0 +22908,0 +22909,0 +22910,0 +22911,0 +22912,0 +22913,0 +22914,0 +22915,0 +22916,0 +22917,0 +22918,0 +22919,0 +22920,0 +22921,0 +22922,0 +22923,0 +22924,0 +22925,0 +22926,0 +22927,0 +22928,0 +22929,0 +22930,0 +22931,0 +22932,0 +22933,0 +22934,0 +22935,0 +22936,0 +22937,0 +22938,0 +22939,0 +22940,0 +22941,0 +22942,0 +22943,0 +22944,0 +22945,0 +22946,0 +22947,0 +22948,0 +22949,0 +22950,0 +22951,0 +22952,0 +22953,0 +22954,0 +22955,0 +22956,0 +22957,0 +22958,0 +22959,0 +22960,0 +22961,0 +22962,0 +22963,0 +22964,0 +22965,0 +22966,0 +22967,0 +22968,0 +22969,0 +22970,0 +22971,0 +22972,0 +22973,0 +22974,0 +22975,0 +22976,0 +22977,0 +22978,0 +22979,0 +22980,0 +22981,0 +22982,0 +22983,0 +22984,0 +22985,0 +22986,0 +22987,0 +22988,0 +22989,0 +22990,0 +22991,0 +22992,0 +22993,0 +22994,0 +22995,0 +22996,0 +22997,0 +22998,0 +22999,0 +23000,0 +23001,0 +23002,0 +23003,0 +23004,0 +23005,0 +23006,0 +23007,0 +23008,0 +23009,0 +23010,0 +23011,0 +23012,0 +23013,0 +23014,0 +23015,0 +23016,0 +23017,0 +23018,0 +23019,0 +23020,0 +23021,0 +23022,0 +23023,0 +23024,0 +23025,0 +23026,0 +23027,0 +23028,0 +23029,0 +23030,0 +23031,0 +23032,0 +23033,0 +23034,0 +23035,0 +23036,0 +23037,0 +23038,0 +23039,0 +23040,0 +23041,0 +23042,0 +23043,0 +23044,0 +23045,0 +23046,0 +23047,0 +23048,0 +23049,0 +23050,0 +23051,0 +23052,0 +23053,0 +23054,0 +23055,0 +23056,0 +23057,0 +23058,0 +23059,0 +23060,0 +23061,0 +23062,0 +23063,0 +23064,0 +23065,0 +23066,0 +23067,0 +23068,0 +23069,0 +23070,0 +23071,0 +23072,0 +23073,0 +23074,0 +23075,0 +23076,0 +23077,0 +23078,0 +23079,0 +23080,0 +23081,0 +23082,0 +23083,0 +23084,0 +23085,0 +23086,0 +23087,0 +23088,0 +23089,0 +23090,0 +23091,0 +23092,0 +23093,0 +23094,0 +23095,0 +23096,0 +23097,0 +23098,0 +23099,0 +23100,0 +23101,0 +23102,0 +23103,0 +23104,0 +23105,0 +23106,0 +23107,0 +23108,0 +23109,0 +23110,0 +23111,0 +23112,0 +23113,0 +23114,0 +23115,0 +23116,0 +23117,0 +23118,0 +23119,0 +23120,0 +23121,0 +23122,0 +23123,0 +23124,0 +23125,0 +23126,0 +23127,0 +23128,0 +23129,0 +23130,0 +23131,0 +23132,0 +23133,0 +23134,0 +23135,0 +23136,0 +23137,0 +23138,0 +23139,0 +23140,0 +23141,0 +23142,0 +23143,0 +23144,0 +23145,0 +23146,0 +23147,0 +23148,0 +23149,0 +23150,0 +23151,0 +23152,0 +23153,0 +23154,0 +23155,0 +23156,0 +23157,0 +23158,0 +23159,0 +23160,0 +23161,0 +23162,0 +23163,0 +23164,0 +23165,0 +23166,0 +23167,0 +23168,0 +23169,0 +23170,0 +23171,0 +23172,0 +23173,0 +23174,0 +23175,0 +23176,0 +23177,0 +23178,0 +23179,0 +23180,0 +23181,0 +23182,0 +23183,0 +23184,0 +23185,0 +23186,0 +23187,0 +23188,0 +23189,0 +23190,0 +23191,0 +23192,0 +23193,0 +23194,0 +23195,0 +23196,0 +23197,0 +23198,0 +23199,0 +23200,0 +23201,0 +23202,0 +23203,0 +23204,0 +23205,0 +23206,0 +23207,0 +23208,0 +23209,0 +23210,0 +23211,0 +23212,0 +23213,0 +23214,0 +23215,0 +23216,0 +23217,0 +23218,0 +23219,0 +23220,0 +23221,0 +23222,0 +23223,0 +23224,0 +23225,0 +23226,0 +23227,0 +23228,0 +23229,0 +23230,0 +23231,0 +23232,0 +23233,0 +23234,0 +23235,0 +23236,0 +23237,0 +23238,0 +23239,0 +23240,0 +23241,0 +23242,0 +23243,0 +23244,0 +23245,0 +23246,0 +23247,0 +23248,0 +23249,0 +23250,0 +23251,0 +23252,0 +23253,0 +23254,0 +23255,0 +23256,0 +23257,0 +23258,0 +23259,0 +23260,0 +23261,0 +23262,0 +23263,0 +23264,0 +23265,0 +23266,0 +23267,0 +23268,0 +23269,0 +23270,0 +23271,0 +23272,0 +23273,0 +23274,0 +23275,0 +23276,0 +23277,0 +23278,0 +23279,0 +23280,0 +23281,0 +23282,0 +23283,0 +23284,0 +23285,0 +23286,0 +23287,0 +23288,0 +23289,0 +23290,0 +23291,0 +23292,0 +23293,0 +23294,0 +23295,0 +23296,0 +23297,0 +23298,0 +23299,0 +23300,0 +23301,0 +23302,0 +23303,0 +23304,0 +23305,0 +23306,0 +23307,0 +23308,0 +23309,0 +23310,0 +23311,0 +23312,0 +23313,0 +23314,0 +23315,0 +23316,0 +23317,0 +23318,0 +23319,0 +23320,0 +23321,0 +23322,0 +23323,0 +23324,0 +23325,0 +23326,0 +23327,0 +23328,0 +23329,0 +23330,0 +23331,0 +23332,0 +23333,0 +23334,0 +23335,0 +23336,0 +23337,0 +23338,0 +23339,0 +23340,0 +23341,0 +23342,0 +23343,0 +23344,0 +23345,0 +23346,0 +23347,0 +23348,0 +23349,0 +23350,0 +23351,0 +23352,0 +23353,0 +23354,0 +23355,0 +23356,0 +23357,0 +23358,0 +23359,0 +23360,0 +23361,0 +23362,0 +23363,0 +23364,0 +23365,0 +23366,0 +23367,0 +23368,0 +23369,0 +23370,0 +23371,0 +23372,0 +23373,0 +23374,0 +23375,0 +23376,0 +23377,0 +23378,0 +23379,0 +23380,0 +23381,0 +23382,0 +23383,0 +23384,0 +23385,0 +23386,0 +23387,0 +23388,0 +23389,0 +23390,0 +23391,0 +23392,0 +23393,0 +23394,0 +23395,0 +23396,0 +23397,0 +23398,0 +23399,0 +23400,0 +23401,0 +23402,0 +23403,0 +23404,0 +23405,0 +23406,0 +23407,0 +23408,0 +23409,0 +23410,0 +23411,0 +23412,0 +23413,0 +23414,0 +23415,0 +23416,0 +23417,0 +23418,0 +23419,0 +23420,0 +23421,0 +23422,0 +23423,0 +23424,0 +23425,0 +23426,0 +23427,0 +23428,0 +23429,0 +23430,0 +23431,0 +23432,0 +23433,0 +23434,0 +23435,0 +23436,0 +23437,0 +23438,0 +23439,0 +23440,0 +23441,0 +23442,0 +23443,0 +23444,0 +23445,0 +23446,0 +23447,0 +23448,0 +23449,0 +23450,0 +23451,0 +23452,0 +23453,0 +23454,0 +23455,0 +23456,0 +23457,0 +23458,0 +23459,0 +23460,0 +23461,0 +23462,0 +23463,0 +23464,0 +23465,0 +23466,0 +23467,0 +23468,0 +23469,0 +23470,0 +23471,0 +23472,0 +23473,0 +23474,0 +23475,0 +23476,0 +23477,0 +23478,0 +23479,0 +23480,0 +23481,0 +23482,0 +23483,0 +23484,0 +23485,0 +23486,0 +23487,0 +23488,0 +23489,0 +23490,0 +23491,0 +23492,0 +23493,0 +23494,0 +23495,0 +23496,0 +23497,0 +23498,0 +23499,0 +23500,0 +23501,0 +23502,0 +23503,0 +23504,0 +23505,0 +23506,0 +23507,0 +23508,0 +23509,0 +23510,0 +23511,0 +23512,0 +23513,0 +23514,0 +23515,0 +23516,0 +23517,0 +23518,0 +23519,0 +23520,0 +23521,0 +23522,0 +23523,0 +23524,0 +23525,0 +23526,0 +23527,0 +23528,0 +23529,0 +23530,0 +23531,0 +23532,0 +23533,0 +23534,0 +23535,0 +23536,0 +23537,0 +23538,0 +23539,0 +23540,0 +23541,0 +23542,0 +23543,0 +23544,0 +23545,0 +23546,0 +23547,0 +23548,0 +23549,0 +23550,0 +23551,0 +23552,0 +23553,0 +23554,0 +23555,0 +23556,0 +23557,0 +23558,0 +23559,0 +23560,0 +23561,0 +23562,0 +23563,0 +23564,0 +23565,0 +23566,0 +23567,0 +23568,0 +23569,0 +23570,0 +23571,0 +23572,0 +23573,0 +23574,0 +23575,0 +23576,0 +23577,0 +23578,0 +23579,0 +23580,0 +23581,0 +23582,0 +23583,0 +23584,0 +23585,0 +23586,0 +23587,0 +23588,0 +23589,0 +23590,0 +23591,0 +23592,0 +23593,0 +23594,0 +23595,0 +23596,0 +23597,0 +23598,0 +23599,0 +23600,0 +23601,0 +23602,0 +23603,0 +23604,0 +23605,0 +23606,0 +23607,0 +23608,0 +23609,0 +23610,0 +23611,0 +23612,0 +23613,0 +23614,0 +23615,0 +23616,0 +23617,0 +23618,0 +23619,0 +23620,0 +23621,0 +23622,0 +23623,0 +23624,0 +23625,0 +23626,0 +23627,0 +23628,0 +23629,0 +23630,0 +23631,0 +23632,0 +23633,0 +23634,0 +23635,0 +23636,0 +23637,0 +23638,0 +23639,0 +23640,0 +23641,0 +23642,0 +23643,0 +23644,0 +23645,0 +23646,0 +23647,0 +23648,0 +23649,0 +23650,0 +23651,0 +23652,0 +23653,0 +23654,0 +23655,0 +23656,0 +23657,0 +23658,0 +23659,0 +23660,0 +23661,0 +23662,0 +23663,0 +23664,0 +23665,0 +23666,0 +23667,0 +23668,0 +23669,0 +23670,0 +23671,0 +23672,0 +23673,0 +23674,0 +23675,0 +23676,0 +23677,0 +23678,0 +23679,0 +23680,0 +23681,0 +23682,0 +23683,0 +23684,0 +23685,0 +23686,0 +23687,0 +23688,0 +23689,0 +23690,0 +23691,0 +23692,0 +23693,0 +23694,0 +23695,0 +23696,0 +23697,0 +23698,0 +23699,0 +23700,0 +23701,0 +23702,0 +23703,0 +23704,0 +23705,0 +23706,0 +23707,0 +23708,0 +23709,0 +23710,0 +23711,0 +23712,0 +23713,0 +23714,0 +23715,0 +23716,0 +23717,0 +23718,0 +23719,0 +23720,0 +23721,0 +23722,0 +23723,0 +23724,0 +23725,0 +23726,0 +23727,0 +23728,0 +23729,0 +23730,0 +23731,0 +23732,0 +23733,0 +23734,0 +23735,0 +23736,0 +23737,0 +23738,0 +23739,0 +23740,0 +23741,0 +23742,0 +23743,0 +23744,0 +23745,0 +23746,0 +23747,0 +23748,0 +23749,0 +23750,0 +23751,0 +23752,0 +23753,0 +23754,0 +23755,0 +23756,0 +23757,0 +23758,0 +23759,0 +23760,0 +23761,0 +23762,0 +23763,0 +23764,0 +23765,0 +23766,0 +23767,0 +23768,0 +23769,0 +23770,0 +23771,0 +23772,0 +23773,0 +23774,0 +23775,0 +23776,0 +23777,0 +23778,0 +23779,0 +23780,0 +23781,0 +23782,0 +23783,0 +23784,0 +23785,0 +23786,0 +23787,0 +23788,0 +23789,0 +23790,0 +23791,0 +23792,0 +23793,0 +23794,0 +23795,0 +23796,0 +23797,0 +23798,0 +23799,0 +23800,0 +23801,0 +23802,0 +23803,0 +23804,0 +23805,0 +23806,0 +23807,0 +23808,0 +23809,0 +23810,0 +23811,0 +23812,0 +23813,0 +23814,0 +23815,0 +23816,0 +23817,0 +23818,0 +23819,0 +23820,0 +23821,0 +23822,0 +23823,0 +23824,0 +23825,0 +23826,0 +23827,0 +23828,0 +23829,0 +23830,0 +23831,0 +23832,0 +23833,0 +23834,0 +23835,0 +23836,0 +23837,0 +23838,0 +23839,0 +23840,0 +23841,0 +23842,0 +23843,0 +23844,0 +23845,0 +23846,0 +23847,0 +23848,0 +23849,0 +23850,0 +23851,0 +23852,0 +23853,0 +23854,0 +23855,0 +23856,0 +23857,0 +23858,0 +23859,0 +23860,0 +23861,0 +23862,0 +23863,0 +23864,0 +23865,0 +23866,0 +23867,0 +23868,0 +23869,0 +23870,0 +23871,0 +23872,0 +23873,0 +23874,0 +23875,0 +23876,0 +23877,0 +23878,0 +23879,0 +23880,0 +23881,0 +23882,0 +23883,0 +23884,0 +23885,0 +23886,0 +23887,0 +23888,0 +23889,0 +23890,0 +23891,0 +23892,0 +23893,0 +23894,0 +23895,0 +23896,0 +23897,0 +23898,0 +23899,0 +23900,0 +23901,0 +23902,0 +23903,0 +23904,0 +23905,0 +23906,0 +23907,0 +23908,0 +23909,0 +23910,0 +23911,0 +23912,0 +23913,0 +23914,0 +23915,0 +23916,0 +23917,0 +23918,0 +23919,0 +23920,0 +23921,0 +23922,0 +23923,0 +23924,0 +23925,0 +23926,0 +23927,0 +23928,0 +23929,0 +23930,0 +23931,0 +23932,0 +23933,0 +23934,0 +23935,0 +23936,0 +23937,0 +23938,0 +23939,0 +23940,0 +23941,0 +23942,0 +23943,0 +23944,0 +23945,0 +23946,0 +23947,0 +23948,0 +23949,0 +23950,0 +23951,0 +23952,0 +23953,0 +23954,0 +23955,0 +23956,0 +23957,0 +23958,0 +23959,0 +23960,0 +23961,0 +23962,0 +23963,0 +23964,0 +23965,0 +23966,0 +23967,0 +23968,0 +23969,0 +23970,0 +23971,0 +23972,0 +23973,0 +23974,0 +23975,0 +23976,0 +23977,0 +23978,0 +23979,0 +23980,0 +23981,0 +23982,0 +23983,0 +23984,0 +23985,0 +23986,0 +23987,0 +23988,0 +23989,0 +23990,0 +23991,0 +23992,0 +23993,0 +23994,0 +23995,0 +23996,0 +23997,0 +23998,0 +23999,0 +24000,0 +24001,0 +24002,0 +24003,0 +24004,0 +24005,0 +24006,0 +24007,0 +24008,0 +24009,0 +24010,0 +24011,0 +24012,0 +24013,0 +24014,0 +24015,0 +24016,0 +24017,0 +24018,0 +24019,0 +24020,0 +24021,0 +24022,0 +24023,0 +24024,0 +24025,0 +24026,0 +24027,0 +24028,0 +24029,0 +24030,0 +24031,0 +24032,0 +24033,0 +24034,0 +24035,0 +24036,0 +24037,0 +24038,0 +24039,0 +24040,0 +24041,0 +24042,0 +24043,0 +24044,0 +24045,0 +24046,0 +24047,0 +24048,0 +24049,0 +24050,0 +24051,0 +24052,0 +24053,0 +24054,0 +24055,0 +24056,0 +24057,0 +24058,0 +24059,0 +24060,0 +24061,0 +24062,0 +24063,0 +24064,0 +24065,0 +24066,0 +24067,0 +24068,0 +24069,0 +24070,0 +24071,0 +24072,0 +24073,0 +24074,0 +24075,0 +24076,0 +24077,0 +24078,0 +24079,0 +24080,0 +24081,0 +24082,0 +24083,0 +24084,0 +24085,0 +24086,0 +24087,0 +24088,0 +24089,0 +24090,0 +24091,0 +24092,0 +24093,0 +24094,0 +24095,0 +24096,0 +24097,0 +24098,0 +24099,0 +24100,0 +24101,0 +24102,0 +24103,0 +24104,0 +24105,0 +24106,0 +24107,0 +24108,0 +24109,0 +24110,0 +24111,0 +24112,0 +24113,0 +24114,0 +24115,0 +24116,0 +24117,0 +24118,0 +24119,0 +24120,0 +24121,0 +24122,0 +24123,0 +24124,0 +24125,0 +24126,0 +24127,0 +24128,0 +24129,0 +24130,0 +24131,0 +24132,0 +24133,0 +24134,0 +24135,0 +24136,0 +24137,0 +24138,0 +24139,0 +24140,0 +24141,0 +24142,0 +24143,0 +24144,0 +24145,0 +24146,0 +24147,0 +24148,0 +24149,0 +24150,0 +24151,0 +24152,0 +24153,0 +24154,0 +24155,0 +24156,0 +24157,0 +24158,0 +24159,0 +24160,0 +24161,0 +24162,0 +24163,0 +24164,0 +24165,0 +24166,0 +24167,0 +24168,0 +24169,0 +24170,0 +24171,0 +24172,0 +24173,0 +24174,0 +24175,0 +24176,0 +24177,0 +24178,0 +24179,0 +24180,0 +24181,0 +24182,0 +24183,0 +24184,0 +24185,0 +24186,0 +24187,0 +24188,0 +24189,0 +24190,0 +24191,0 +24192,0 +24193,0 +24194,0 +24195,0 +24196,0 +24197,0 +24198,0 +24199,0 +24200,0 +24201,0 +24202,0 +24203,0 +24204,0 +24205,0 +24206,0 +24207,0 +24208,0 +24209,0 +24210,0 +24211,0 +24212,0 +24213,0 +24214,0 +24215,0 +24216,0 +24217,0 +24218,0 +24219,0 +24220,0 +24221,0 +24222,0 +24223,0 +24224,0 +24225,0 +24226,0 +24227,0 +24228,0 +24229,0 +24230,0 +24231,0 +24232,0 +24233,0 +24234,0 +24235,0 +24236,0 +24237,0 +24238,0 +24239,0 +24240,0 +24241,0 +24242,0 +24243,0 +24244,0 +24245,0 +24246,0 +24247,0 +24248,0 +24249,0 +24250,0 +24251,0 +24252,0 +24253,0 +24254,0 +24255,0 +24256,0 +24257,0 +24258,0 +24259,0 +24260,0 +24261,0 +24262,0 +24263,0 +24264,0 +24265,0 +24266,0 +24267,0 +24268,0 +24269,0 +24270,0 +24271,0 +24272,0 +24273,0 +24274,0 +24275,0 +24276,0 +24277,0 +24278,0 +24279,0 +24280,0 +24281,0 +24282,0 +24283,0 +24284,0 +24285,0 +24286,0 +24287,0 +24288,0 +24289,0 +24290,0 +24291,0 +24292,0 +24293,0 +24294,0 +24295,0 +24296,0 +24297,0 +24298,0 +24299,0 +24300,0 +24301,0 +24302,0 +24303,0 +24304,0 +24305,0 +24306,0 +24307,0 +24308,0 +24309,0 +24310,0 +24311,0 +24312,0 +24313,0 +24314,0 +24315,0 +24316,0 +24317,0 +24318,0 +24319,0 +24320,0 +24321,0 +24322,0 +24323,0 +24324,0 +24325,0 +24326,0 +24327,0 +24328,0 +24329,0 +24330,0 +24331,0 +24332,0 +24333,0 +24334,0 +24335,0 +24336,0 +24337,0 +24338,0 +24339,0 +24340,0 +24341,0 +24342,0 +24343,0 +24344,0 +24345,0 +24346,0 +24347,0 +24348,0 +24349,0 +24350,0 +24351,0 +24352,0 +24353,0 +24354,0 +24355,0 +24356,0 +24357,0 +24358,0 +24359,0 +24360,0 +24361,0 +24362,0 +24363,0 +24364,0 +24365,0 +24366,0 +24367,0 +24368,0 +24369,0 +24370,0 +24371,0 +24372,0 +24373,0 +24374,0 +24375,0 +24376,0 +24377,0 +24378,0 +24379,0 +24380,0 +24381,0 +24382,0 +24383,0 +24384,0 +24385,0 +24386,0 +24387,0 +24388,0 +24389,0 +24390,0 +24391,0 +24392,0 +24393,0 +24394,0 +24395,0 +24396,0 +24397,0 +24398,0 +24399,0 +24400,0 +24401,0 +24402,0 +24403,0 +24404,0 +24405,0 +24406,0 +24407,0 +24408,0 +24409,0 +24410,0 +24411,0 +24412,0 +24413,0 +24414,0 +24415,0 +24416,0 +24417,0 +24418,0 +24419,0 +24420,0 +24421,0 +24422,0 +24423,0 +24424,0 +24425,0 +24426,0 +24427,0 +24428,0 +24429,0 +24430,0 +24431,0 +24432,0 +24433,0 +24434,0 +24435,0 +24436,0 +24437,0 +24438,0 +24439,0 +24440,0 +24441,0 +24442,0 +24443,0 +24444,0 +24445,0 +24446,0 +24447,0 +24448,0 +24449,0 +24450,0 +24451,0 +24452,0 +24453,0 +24454,0 +24455,0 +24456,0 +24457,0 +24458,0 +24459,0 +24460,0 +24461,0 +24462,0 +24463,0 +24464,0 +24465,0 +24466,0 +24467,0 +24468,0 +24469,0 +24470,0 +24471,0 +24472,0 +24473,0 +24474,0 +24475,0 +24476,0 +24477,0 +24478,0 +24479,0 +24480,0 +24481,0 +24482,0 +24483,0 +24484,0 +24485,0 +24486,0 +24487,0 +24488,0 +24489,0 +24490,0 +24491,0 +24492,0 +24493,0 +24494,0 +24495,0 +24496,0 +24497,0 +24498,0 +24499,0 +24500,0 +24501,0 +24502,0 +24503,0 +24504,0 +24505,0 +24506,0 +24507,0 +24508,0 +24509,0 +24510,0 +24511,0 +24512,0 +24513,0 +24514,0 +24515,0 +24516,0 +24517,0 +24518,0 +24519,0 +24520,0 +24521,0 +24522,0 +24523,0 +24524,0 +24525,0 +24526,0 +24527,0 +24528,0 +24529,0 +24530,0 +24531,0 +24532,0 +24533,0 +24534,0 +24535,0 +24536,0 +24537,0 +24538,0 +24539,0 +24540,0 +24541,0 +24542,0 +24543,0 +24544,0 +24545,0 +24546,0 +24547,0 +24548,0 +24549,0 +24550,0 +24551,0 +24552,0 +24553,0 +24554,0 +24555,0 +24556,0 +24557,0 +24558,0 +24559,0 +24560,0 +24561,0 +24562,0 +24563,0 +24564,0 +24565,0 +24566,0 +24567,0 +24568,0 +24569,0 +24570,0 +24571,0 +24572,0 +24573,0 +24574,0 +24575,0 +24576,0 +24577,0 +24578,0 +24579,0 +24580,0 +24581,0 +24582,0 +24583,0 +24584,0 +24585,0 +24586,0 +24587,0 +24588,0 +24589,0 +24590,0 +24591,0 +24592,0 +24593,0 +24594,0 +24595,0 +24596,0 +24597,0 +24598,0 +24599,0 +24600,0 +24601,0 +24602,0 +24603,0 +24604,0 +24605,0 +24606,0 +24607,0 +24608,0 +24609,0 +24610,0 +24611,0 +24612,0 +24613,0 +24614,0 +24615,0 +24616,0 +24617,0 +24618,0 +24619,0 +24620,0 +24621,0 +24622,0 +24623,0 +24624,0 +24625,0 +24626,0 +24627,0 +24628,0 +24629,0 +24630,0 +24631,0 +24632,0 +24633,0 +24634,0 +24635,0 +24636,0 +24637,0 +24638,0 +24639,0 +24640,0 +24641,0 +24642,0 +24643,0 +24644,0 +24645,0 +24646,0 +24647,0 +24648,0 +24649,0 +24650,0 +24651,0 +24652,0 +24653,0 +24654,0 +24655,0 +24656,0 +24657,0 +24658,0 +24659,0 +24660,0 +24661,0 +24662,0 +24663,0 +24664,0 +24665,0 +24666,0 +24667,0 +24668,0 +24669,0 +24670,0 +24671,0 +24672,0 +24673,0 +24674,0 +24675,0 +24676,0 +24677,0 +24678,0 +24679,0 +24680,0 +24681,0 +24682,0 +24683,0 +24684,0 +24685,0 +24686,0 +24687,0 +24688,0 +24689,0 +24690,0 +24691,0 +24692,0 +24693,0 +24694,0 +24695,0 +24696,0 +24697,0 +24698,0 +24699,0 +24700,0 +24701,0 +24702,0 +24703,0 +24704,0 +24705,0 +24706,0 +24707,0 +24708,0 +24709,0 +24710,0 +24711,0 +24712,0 +24713,0 +24714,0 +24715,0 +24716,0 +24717,0 +24718,0 +24719,0 +24720,0 +24721,0 +24722,0 +24723,0 +24724,0 +24725,0 +24726,0 +24727,0 +24728,0 +24729,0 +24730,0 +24731,0 +24732,0 +24733,0 +24734,0 +24735,0 +24736,0 +24737,0 +24738,0 +24739,0 +24740,0 +24741,0 +24742,0 +24743,0 +24744,0 +24745,0 +24746,0 +24747,0 +24748,0 +24749,0 +24750,0 +24751,0 +24752,0 +24753,0 +24754,0 +24755,0 +24756,0 +24757,0 +24758,0 +24759,0 +24760,0 +24761,0 +24762,0 +24763,0 +24764,0 +24765,0 +24766,0 +24767,0 +24768,0 +24769,0 +24770,0 +24771,0 +24772,0 +24773,0 +24774,0 +24775,0 +24776,0 +24777,0 +24778,0 +24779,0 +24780,0 +24781,0 +24782,0 +24783,0 +24784,0 +24785,0 +24786,0 +24787,0 +24788,0 +24789,0 +24790,0 +24791,0 +24792,0 +24793,0 +24794,0 +24795,0 +24796,0 +24797,0 +24798,0 +24799,0 +24800,0 +24801,0 +24802,0 +24803,0 +24804,0 +24805,0 +24806,0 +24807,0 +24808,0 +24809,0 +24810,0 +24811,0 +24812,0 +24813,0 +24814,0 +24815,0 +24816,0 +24817,0 +24818,0 +24819,0 +24820,0 +24821,0 +24822,0 +24823,0 +24824,0 +24825,0 +24826,0 +24827,0 +24828,0 +24829,0 +24830,0 +24831,0 +24832,0 +24833,0 +24834,0 +24835,0 +24836,0 +24837,0 +24838,0 +24839,0 +24840,0 +24841,0 +24842,0 +24843,0 +24844,0 +24845,0 +24846,0 +24847,0 +24848,0 +24849,0 +24850,0 +24851,0 +24852,0 +24853,0 +24854,0 +24855,0 +24856,0 +24857,0 +24858,0 +24859,0 +24860,0 +24861,0 +24862,0 +24863,0 +24864,0 +24865,0 +24866,0 +24867,0 +24868,0 +24869,0 +24870,0 +24871,0 +24872,0 +24873,0 +24874,0 +24875,0 +24876,0 +24877,0 +24878,0 +24879,0 +24880,0 +24881,0 +24882,0 +24883,0 +24884,0 +24885,0 +24886,0 +24887,0 +24888,0 +24889,0 +24890,0 +24891,0 +24892,0 +24893,0 +24894,0 +24895,0 +24896,0 +24897,0 +24898,0 +24899,0 +24900,0 +24901,0 +24902,0 +24903,0 +24904,0 +24905,0 +24906,0 +24907,0 +24908,0 +24909,0 +24910,0 +24911,0 +24912,0 +24913,0 +24914,0 +24915,0 +24916,0 +24917,0 +24918,0 +24919,0 +24920,0 +24921,0 +24922,0 +24923,0 +24924,0 +24925,0 +24926,0 +24927,0 +24928,0 +24929,0 +24930,0 +24931,0 +24932,0 +24933,0 +24934,0 +24935,0 +24936,0 +24937,0 +24938,0 +24939,0 +24940,0 +24941,0 +24942,0 +24943,0 +24944,0 +24945,0 +24946,0 +24947,0 +24948,0 +24949,0 +24950,0 +24951,0 +24952,0 +24953,0 +24954,0 +24955,0 +24956,0 +24957,0 +24958,0 +24959,0 +24960,0 +24961,0 +24962,0 +24963,0 +24964,0 +24965,0 +24966,0 +24967,0 +24968,0 +24969,0 +24970,0 +24971,0 +24972,0 +24973,0 +24974,0 +24975,0 +24976,0 +24977,0 +24978,0 +24979,0 +24980,0 +24981,0 +24982,0 +24983,0 +24984,0 +24985,0 +24986,0 +24987,0 +24988,0 +24989,0 +24990,0 +24991,0 +24992,0 +24993,0 +24994,0 +24995,0 +24996,0 +24997,0 +24998,0 +24999,0 +25000,0 +25001,0 +25002,0 +25003,0 +25004,0 +25005,0 +25006,0 +25007,0 +25008,0 +25009,0 +25010,0 +25011,0 +25012,0 +25013,0 +25014,0 +25015,0 +25016,0 +25017,0 +25018,0 +25019,0 +25020,0 +25021,0 +25022,0 +25023,0 +25024,0 +25025,0 +25026,0 +25027,0 +25028,0 +25029,0 +25030,0 +25031,0 +25032,0 +25033,0 +25034,0 +25035,0 +25036,0 +25037,0 +25038,0 +25039,0 +25040,0 +25041,0 +25042,0 +25043,0 +25044,0 +25045,0 +25046,0 +25047,0 +25048,0 +25049,0 +25050,0 +25051,0 +25052,0 +25053,0 +25054,0 +25055,0 +25056,0 +25057,0 +25058,0 +25059,0 +25060,0 +25061,0 +25062,0 +25063,0 +25064,0 +25065,0 +25066,0 +25067,0 +25068,0 +25069,0 +25070,0 +25071,0 +25072,0 +25073,0 +25074,0 +25075,0 +25076,0 +25077,0 +25078,0 +25079,0 +25080,0 +25081,0 +25082,0 +25083,0 +25084,0 +25085,0 +25086,0 +25087,0 +25088,0 +25089,0 +25090,0 +25091,0 +25092,0 +25093,0 +25094,0 +25095,0 +25096,0 +25097,0 +25098,0 +25099,0 +25100,0 +25101,0 +25102,0 +25103,0 +25104,0 +25105,0 +25106,0 +25107,0 +25108,0 +25109,0 +25110,0 +25111,0 +25112,0 +25113,0 +25114,0 +25115,0 +25116,0 +25117,0 +25118,0 +25119,0 +25120,0 +25121,0 +25122,0 +25123,0 +25124,0 +25125,0 +25126,0 +25127,0 +25128,0 +25129,0 +25130,0 +25131,0 +25132,0 +25133,0 +25134,0 +25135,0 +25136,0 +25137,0 +25138,0 +25139,0 +25140,0 +25141,0 +25142,0 +25143,0 +25144,0 +25145,0 +25146,0 +25147,0 +25148,0 +25149,0 +25150,0 +25151,0 +25152,0 +25153,0 +25154,0 +25155,0 +25156,0 +25157,0 +25158,0 +25159,0 +25160,0 +25161,0 +25162,0 +25163,0 +25164,0 +25165,0 +25166,0 +25167,0 +25168,0 +25169,0 +25170,0 +25171,0 +25172,0 +25173,0 +25174,0 +25175,0 +25176,0 +25177,0 +25178,0 +25179,0 +25180,0 +25181,0 +25182,0 +25183,0 +25184,0 +25185,0 +25186,0 +25187,0 +25188,0 +25189,0 +25190,0 +25191,0 +25192,0 +25193,0 +25194,0 +25195,0 +25196,0 +25197,0 +25198,0 +25199,0 +25200,0 +25201,0 +25202,0 +25203,0 +25204,0 +25205,0 +25206,0 +25207,0 +25208,0 +25209,0 +25210,0 +25211,0 +25212,0 +25213,0 +25214,0 +25215,0 +25216,0 +25217,0 +25218,0 +25219,0 +25220,0 +25221,0 +25222,0 +25223,0 +25224,0 +25225,0 +25226,0 +25227,0 +25228,0 +25229,0 +25230,0 +25231,0 +25232,0 +25233,0 +25234,0 +25235,0 +25236,0 +25237,0 +25238,0 +25239,0 +25240,0 +25241,0 +25242,0 +25243,0 +25244,0 +25245,0 +25246,0 +25247,0 +25248,0 +25249,0 +25250,0 +25251,0 +25252,0 +25253,0 +25254,0 +25255,0 +25256,0 +25257,0 +25258,0 +25259,0 +25260,0 +25261,0 +25262,0 +25263,0 +25264,0 +25265,0 +25266,0 +25267,0 +25268,0 +25269,0 +25270,0 +25271,0 +25272,0 +25273,0 +25274,0 +25275,0 +25276,0 +25277,0 +25278,0 +25279,0 +25280,0 +25281,0 +25282,0 +25283,0 +25284,0 +25285,0 +25286,0 +25287,0 +25288,0 +25289,0 +25290,0 +25291,0 +25292,0 +25293,0 +25294,0 +25295,0 +25296,0 +25297,0 +25298,0 +25299,0 +25300,0 +25301,0 +25302,0 +25303,0 +25304,0 +25305,0 +25306,0 +25307,0 +25308,0 +25309,0 +25310,0 +25311,0 +25312,0 +25313,0 +25314,0 +25315,0 +25316,0 +25317,0 +25318,0 +25319,0 +25320,0 +25321,0 +25322,0 +25323,0 +25324,0 +25325,0 +25326,0 +25327,0 +25328,0 +25329,0 +25330,0 +25331,0 +25332,0 +25333,0 +25334,0 +25335,0 +25336,0 +25337,0 +25338,0 +25339,0 +25340,0 +25341,0 +25342,0 +25343,0 +25344,0 +25345,0 +25346,0 +25347,0 +25348,0 +25349,0 +25350,0 +25351,0 +25352,0 +25353,0 +25354,0 +25355,0 +25356,0 +25357,0 +25358,0 +25359,0 +25360,0 +25361,0 +25362,0 +25363,0 +25364,0 +25365,0 +25366,0 +25367,0 +25368,0 +25369,0 +25370,0 +25371,0 +25372,0 +25373,0 +25374,0 +25375,0 +25376,0 +25377,0 +25378,0 +25379,0 +25380,0 +25381,0 +25382,0 +25383,0 +25384,0 +25385,0 +25386,0 +25387,0 +25388,0 +25389,0 +25390,0 +25391,0 +25392,0 +25393,0 +25394,0 +25395,0 +25396,0 +25397,0 +25398,0 +25399,0 +25400,0 +25401,0 +25402,0 +25403,0 +25404,0 +25405,0 +25406,0 +25407,0 +25408,0 +25409,0 +25410,0 +25411,0 +25412,0 +25413,0 +25414,0 +25415,0 +25416,0 +25417,0 +25418,0 +25419,0 +25420,0 +25421,0 +25422,0 +25423,0 +25424,0 +25425,0 +25426,0 +25427,0 +25428,0 +25429,0 +25430,0 +25431,0 +25432,0 +25433,0 +25434,0 +25435,0 +25436,0 +25437,0 +25438,0 +25439,0 +25440,0 +25441,0 +25442,0 +25443,0 +25444,0 +25445,0 +25446,0 +25447,0 +25448,0 +25449,0 +25450,0 +25451,0 +25452,0 +25453,0 +25454,0 +25455,0 +25456,0 +25457,0 +25458,0 +25459,0 +25460,0 +25461,0 +25462,0 +25463,0 +25464,0 +25465,0 +25466,0 +25467,0 +25468,0 +25469,0 +25470,0 +25471,0 +25472,0 +25473,0 +25474,0 +25475,0 +25476,0 +25477,0 +25478,0 +25479,0 +25480,0 +25481,0 +25482,0 +25483,0 +25484,0 +25485,0 +25486,0 +25487,0 +25488,0 +25489,0 +25490,0 +25491,0 +25492,0 +25493,0 +25494,0 +25495,0 +25496,0 +25497,0 +25498,0 +25499,0 +25500,0 +25501,0 +25502,0 +25503,0 +25504,0 +25505,0 +25506,0 +25507,0 +25508,0 +25509,0 +25510,0 +25511,0 +25512,0 +25513,0 +25514,0 +25515,0 +25516,0 +25517,0 +25518,0 +25519,0 +25520,0 +25521,0 +25522,0 +25523,0 +25524,0 +25525,0 +25526,0 +25527,0 +25528,0 +25529,0 +25530,0 +25531,0 +25532,0 +25533,0 +25534,0 +25535,0 +25536,0 +25537,0 +25538,0 +25539,0 +25540,0 +25541,0 +25542,0 +25543,0 +25544,0 +25545,0 +25546,0 +25547,0 +25548,0 +25549,0 +25550,0 +25551,0 +25552,0 +25553,0 +25554,0 +25555,0 +25556,0 +25557,0 +25558,0 +25559,0 +25560,0 +25561,0 +25562,0 +25563,0 +25564,0 +25565,0 +25566,0 +25567,0 +25568,0 +25569,0 +25570,0 +25571,0 +25572,0 +25573,0 +25574,0 +25575,0 +25576,0 +25577,0 +25578,0 +25579,0 +25580,0 +25581,0 +25582,0 +25583,0 +25584,0 +25585,0 +25586,0 +25587,0 +25588,0 +25589,0 +25590,0 +25591,0 +25592,0 +25593,0 +25594,0 +25595,0 +25596,0 +25597,0 +25598,0 +25599,0 +25600,0 +25601,0 +25602,0 +25603,0 +25604,0 +25605,0 +25606,0 +25607,0 +25608,0 +25609,0 +25610,0 +25611,0 +25612,0 +25613,0 +25614,0 +25615,0 +25616,0 +25617,0 +25618,0 +25619,0 +25620,0 +25621,0 +25622,0 +25623,0 +25624,0 +25625,0 +25626,0 +25627,0 +25628,0 +25629,0 +25630,0 +25631,0 +25632,0 +25633,0 +25634,0 +25635,0 +25636,0 +25637,0 +25638,0 +25639,0 +25640,0 +25641,0 +25642,0 +25643,0 +25644,0 +25645,0 +25646,0 +25647,0 +25648,0 +25649,0 +25650,0 +25651,0 +25652,0 +25653,0 +25654,0 +25655,0 +25656,0 +25657,0 +25658,0 +25659,0 +25660,0 +25661,0 +25662,0 +25663,0 +25664,0 +25665,0 +25666,0 +25667,0 +25668,0 +25669,0 +25670,0 +25671,0 +25672,0 +25673,0 +25674,0 +25675,0 +25676,0 +25677,0 +25678,0 +25679,0 +25680,0 +25681,0 +25682,0 +25683,0 +25684,0 +25685,0 +25686,0 +25687,0 +25688,0 +25689,0 +25690,0 +25691,0 +25692,0 +25693,0 +25694,0 +25695,0 +25696,0 +25697,0 +25698,0 +25699,0 +25700,0 +25701,0 +25702,0 +25703,0 +25704,0 +25705,0 +25706,0 +25707,0 +25708,0 +25709,0 +25710,0 +25711,0 +25712,0 +25713,0 +25714,0 +25715,0 +25716,0 +25717,0 +25718,0 +25719,0 +25720,0 +25721,0 +25722,0 +25723,0 +25724,0 +25725,0 +25726,0 +25727,0 +25728,0 +25729,0 +25730,0 +25731,0 +25732,0 +25733,0 +25734,0 +25735,0 +25736,0 +25737,0 +25738,0 +25739,0 +25740,0 +25741,0 +25742,0 +25743,0 +25744,0 +25745,0 +25746,0 +25747,0 +25748,0 +25749,0 +25750,0 +25751,0 +25752,0 +25753,0 +25754,0 +25755,0 +25756,0 +25757,0 +25758,0 +25759,0 +25760,0 +25761,0 +25762,0 +25763,0 +25764,0 +25765,0 +25766,0 +25767,0 +25768,0 +25769,0 +25770,0 +25771,0 +25772,0 +25773,0 +25774,0 +25775,0 +25776,0 +25777,0 +25778,0 +25779,0 +25780,0 +25781,0 +25782,0 +25783,0 +25784,0 +25785,0 +25786,0 +25787,0 +25788,0 +25789,0 +25790,0 +25791,0 +25792,0 +25793,0 +25794,0 +25795,0 +25796,0 +25797,0 +25798,0 +25799,0 +25800,0 +25801,0 +25802,0 +25803,0 +25804,0 +25805,0 +25806,0 +25807,0 +25808,0 +25809,0 +25810,0 +25811,0 +25812,0 +25813,0 +25814,0 +25815,0 +25816,0 +25817,0 +25818,0 +25819,0 +25820,0 +25821,0 +25822,0 +25823,0 +25824,0 +25825,0 +25826,0 +25827,0 +25828,0 +25829,0 +25830,0 +25831,0 +25832,0 +25833,0 +25834,0 +25835,0 +25836,0 +25837,0 +25838,0 +25839,0 +25840,0 +25841,0 +25842,0 +25843,0 +25844,0 +25845,0 +25846,0 +25847,0 +25848,0 +25849,0 +25850,0 +25851,0 +25852,0 +25853,0 +25854,0 +25855,0 +25856,0 +25857,0 +25858,0 +25859,0 +25860,0 +25861,0 +25862,0 +25863,0 +25864,0 +25865,0 +25866,0 +25867,0 +25868,0 +25869,0 +25870,0 +25871,0 +25872,0 +25873,0 +25874,0 +25875,0 +25876,0 +25877,0 +25878,0 +25879,0 +25880,0 +25881,0 +25882,0 +25883,0 +25884,0 +25885,0 +25886,0 +25887,0 +25888,0 +25889,0 +25890,0 +25891,0 +25892,0 +25893,0 +25894,0 +25895,0 +25896,0 +25897,0 +25898,0 +25899,0 +25900,0 +25901,0 +25902,0 +25903,0 +25904,0 +25905,0 +25906,0 +25907,0 +25908,0 +25909,0 +25910,0 +25911,0 +25912,0 +25913,0 +25914,0 +25915,0 +25916,0 +25917,0 +25918,0 +25919,0 +25920,0 +25921,0 +25922,0 +25923,0 +25924,0 +25925,0 +25926,0 +25927,0 +25928,0 +25929,0 +25930,0 +25931,0 +25932,0 +25933,0 +25934,0 +25935,0 +25936,0 +25937,0 +25938,0 +25939,0 +25940,0 +25941,0 +25942,0 +25943,0 +25944,0 +25945,0 +25946,0 +25947,0 +25948,0 +25949,0 +25950,0 +25951,0 +25952,0 +25953,0 +25954,0 +25955,0 +25956,0 +25957,0 +25958,0 +25959,0 +25960,0 +25961,0 +25962,0 +25963,0 +25964,0 +25965,0 +25966,0 +25967,0 +25968,0 +25969,0 +25970,0 +25971,0 +25972,0 +25973,0 +25974,0 +25975,0 +25976,0 +25977,0 +25978,0 +25979,0 +25980,0 +25981,0 +25982,0 +25983,0 +25984,0 +25985,0 +25986,0 +25987,0 +25988,0 +25989,0 +25990,0 +25991,0 +25992,0 +25993,0 +25994,0 +25995,0 +25996,0 +25997,0 +25998,0 +25999,0 +26000,0 +26001,0 +26002,0 +26003,0 +26004,0 +26005,0 +26006,0 +26007,0 +26008,0 +26009,0 +26010,0 +26011,0 +26012,0 +26013,0 +26014,0 +26015,0 +26016,0 +26017,0 +26018,0 +26019,0 +26020,0 +26021,0 +26022,0 +26023,0 +26024,0 +26025,0 +26026,0 +26027,0 +26028,0 +26029,0 +26030,0 +26031,0 +26032,0 +26033,0 +26034,0 +26035,0 +26036,0 +26037,0 +26038,0 +26039,0 +26040,0 +26041,0 +26042,0 +26043,0 +26044,0 +26045,0 +26046,0 +26047,0 +26048,0 +26049,0 +26050,0 +26051,0 +26052,0 +26053,0 +26054,0 +26055,0 +26056,0 +26057,0 +26058,0 +26059,0 +26060,0 +26061,0 +26062,0 +26063,0 +26064,0 +26065,0 +26066,0 +26067,0 +26068,0 +26069,0 +26070,0 +26071,0 +26072,0 +26073,0 +26074,0 +26075,0 +26076,0 +26077,0 +26078,0 +26079,0 +26080,0 +26081,0 +26082,0 +26083,0 +26084,0 +26085,0 +26086,0 +26087,0 +26088,0 +26089,0 +26090,0 +26091,0 +26092,0 +26093,0 +26094,0 +26095,0 +26096,0 +26097,0 +26098,0 +26099,0 +26100,0 +26101,0 +26102,0 +26103,0 +26104,0 +26105,0 +26106,0 +26107,0 +26108,0 +26109,0 +26110,0 +26111,0 +26112,0 +26113,0 +26114,0 +26115,0 +26116,0 +26117,0 +26118,0 +26119,0 +26120,0 +26121,0 +26122,0 +26123,0 +26124,0 +26125,0 +26126,0 +26127,0 +26128,0 +26129,0 +26130,0 +26131,0 +26132,0 +26133,0 +26134,0 +26135,0 +26136,0 +26137,0 +26138,0 +26139,0 +26140,0 +26141,0 +26142,0 +26143,0 +26144,0 +26145,0 +26146,0 +26147,0 +26148,0 +26149,0 +26150,0 +26151,0 +26152,0 +26153,0 +26154,0 +26155,0 +26156,0 +26157,0 +26158,0 +26159,0 +26160,0 +26161,0 +26162,0 +26163,0 +26164,0 +26165,0 +26166,0 +26167,0 +26168,0 +26169,0 +26170,0 +26171,0 +26172,0 +26173,0 +26174,0 +26175,0 +26176,0 +26177,0 +26178,0 +26179,0 +26180,0 +26181,0 +26182,0 +26183,0 +26184,0 +26185,0 +26186,0 +26187,0 +26188,0 +26189,0 +26190,0 +26191,0 +26192,0 +26193,0 +26194,0 +26195,0 +26196,0 +26197,0 +26198,0 +26199,0 +26200,0 +26201,0 +26202,0 +26203,0 +26204,0 +26205,0 +26206,0 +26207,0 +26208,0 +26209,0 +26210,0 +26211,0 +26212,0 +26213,0 +26214,0 +26215,0 +26216,0 +26217,0 +26218,0 +26219,0 +26220,0 +26221,0 +26222,0 +26223,0 +26224,0 +26225,0 +26226,0 +26227,0 +26228,0 +26229,0 +26230,0 +26231,0 +26232,0 +26233,0 +26234,0 +26235,0 +26236,0 +26237,0 +26238,0 +26239,0 +26240,0 +26241,0 +26242,0 +26243,0 +26244,0 +26245,0 +26246,0 +26247,0 +26248,0 +26249,0 +26250,0 +26251,0 +26252,0 +26253,0 +26254,0 +26255,0 +26256,0 +26257,0 +26258,0 +26259,0 +26260,0 +26261,0 +26262,0 +26263,0 +26264,0 +26265,0 +26266,0 +26267,0 +26268,0 +26269,0 +26270,0 +26271,0 +26272,0 +26273,0 +26274,0 +26275,0 +26276,0 +26277,0 +26278,0 +26279,0 +26280,0 +26281,0 +26282,0 +26283,0 +26284,0 +26285,0 +26286,0 +26287,0 +26288,0 +26289,0 +26290,0 +26291,0 +26292,0 +26293,0 +26294,0 +26295,0 +26296,0 +26297,0 +26298,0 +26299,0 +26300,0 +26301,0 +26302,0 +26303,0 +26304,0 +26305,0 +26306,0 +26307,0 +26308,0 +26309,0 +26310,0 +26311,0 +26312,0 +26313,0 +26314,0 +26315,0 +26316,0 +26317,0 +26318,0 +26319,0 +26320,0 +26321,0 +26322,0 +26323,0 +26324,0 +26325,0 +26326,0 +26327,0 +26328,0 +26329,0 +26330,0 +26331,0 +26332,0 +26333,0 +26334,0 +26335,0 +26336,0 +26337,0 +26338,0 +26339,0 +26340,0 +26341,0 +26342,0 +26343,0 +26344,0 +26345,0 +26346,0 +26347,0 +26348,0 +26349,0 +26350,0 +26351,0 +26352,0 +26353,0 +26354,0 +26355,0 +26356,0 +26357,0 +26358,0 +26359,0 +26360,0 +26361,0 +26362,0 +26363,0 +26364,0 +26365,0 +26366,0 +26367,0 +26368,0 +26369,0 +26370,0 +26371,0 +26372,0 +26373,0 +26374,0 +26375,0 +26376,0 +26377,0 +26378,0 +26379,0 +26380,0 +26381,0 +26382,0 +26383,0 +26384,0 +26385,0 +26386,0 +26387,0 +26388,0 +26389,0 +26390,0 +26391,0 +26392,0 +26393,0 +26394,0 +26395,0 +26396,0 +26397,0 +26398,0 +26399,0 +26400,0 +26401,0 +26402,0 +26403,0 +26404,0 +26405,0 +26406,0 +26407,0 +26408,0 +26409,0 +26410,0 +26411,0 +26412,0 +26413,0 +26414,0 +26415,0 +26416,0 +26417,0 +26418,0 +26419,0 +26420,0 +26421,0 +26422,0 +26423,0 +26424,0 +26425,0 +26426,0 +26427,0 +26428,0 +26429,0 +26430,0 +26431,0 +26432,0 +26433,0 +26434,0 +26435,0 +26436,0 +26437,0 +26438,0 +26439,0 +26440,0 +26441,0 +26442,0 +26443,0 +26444,0 +26445,0 +26446,0 +26447,0 +26448,0 +26449,0 +26450,0 +26451,0 +26452,0 +26453,0 +26454,0 +26455,0 +26456,0 +26457,0 +26458,0 +26459,0 +26460,0 +26461,0 +26462,0 +26463,0 +26464,0 +26465,0 +26466,0 +26467,0 +26468,0 +26469,0 +26470,0 +26471,0 +26472,0 +26473,0 +26474,0 +26475,0 +26476,0 +26477,0 +26478,0 +26479,0 +26480,0 +26481,0 +26482,0 +26483,0 +26484,0 +26485,0 +26486,0 +26487,0 +26488,0 +26489,0 +26490,0 +26491,0 +26492,0 +26493,0 +26494,0 +26495,0 +26496,0 +26497,0 +26498,0 +26499,0 +26500,0 +26501,0 +26502,0 +26503,0 +26504,0 +26505,0 +26506,0 +26507,0 +26508,0 +26509,0 +26510,0 +26511,0 +26512,0 +26513,0 +26514,0 +26515,0 +26516,0 +26517,0 +26518,0 +26519,0 +26520,0 +26521,0 +26522,0 +26523,0 +26524,0 +26525,0 +26526,0 +26527,0 +26528,0 +26529,0 +26530,0 +26531,0 +26532,0 +26533,0 +26534,0 +26535,0 +26536,0 +26537,0 +26538,0 +26539,0 +26540,0 +26541,0 +26542,0 +26543,0 +26544,0 +26545,0 +26546,0 +26547,0 +26548,0 +26549,0 +26550,0 +26551,0 +26552,0 +26553,0 +26554,0 +26555,0 +26556,0 +26557,0 +26558,0 +26559,0 +26560,0 +26561,0 +26562,0 +26563,0 +26564,0 +26565,0 +26566,0 +26567,0 +26568,0 +26569,0 +26570,0 +26571,0 +26572,0 +26573,0 +26574,0 +26575,0 +26576,0 +26577,0 +26578,0 +26579,0 +26580,0 +26581,0 +26582,0 +26583,0 +26584,0 +26585,0 +26586,0 +26587,0 +26588,0 +26589,0 +26590,0 +26591,0 +26592,0 +26593,0 +26594,0 +26595,0 +26596,0 +26597,0 +26598,0 +26599,0 +26600,0 +26601,0 +26602,0 +26603,0 +26604,0 +26605,0 +26606,0 +26607,0 +26608,0 +26609,0 +26610,0 +26611,0 +26612,0 +26613,0 +26614,0 +26615,0 +26616,0 +26617,0 +26618,0 +26619,0 +26620,0 +26621,0 +26622,0 +26623,0 +26624,0 +26625,0 +26626,0 +26627,0 +26628,0 +26629,0 +26630,0 +26631,0 +26632,0 +26633,0 +26634,0 +26635,0 +26636,0 +26637,0 +26638,0 +26639,0 +26640,0 +26641,0 +26642,0 +26643,0 +26644,0 +26645,0 +26646,0 +26647,0 +26648,0 +26649,0 +26650,0 +26651,0 +26652,0 +26653,0 +26654,0 +26655,0 +26656,0 +26657,0 +26658,0 +26659,0 +26660,0 +26661,0 +26662,0 +26663,0 +26664,0 +26665,0 +26666,0 +26667,0 +26668,0 +26669,0 +26670,0 +26671,0 +26672,0 +26673,0 +26674,0 +26675,0 +26676,0 +26677,0 +26678,0 +26679,0 +26680,0 +26681,0 +26682,0 +26683,0 +26684,0 +26685,0 +26686,0 +26687,0 +26688,0 +26689,0 +26690,0 +26691,0 +26692,0 +26693,0 +26694,0 +26695,0 +26696,0 +26697,0 +26698,0 +26699,0 +26700,0 +26701,0 +26702,0 +26703,0 +26704,0 +26705,0 +26706,0 +26707,0 +26708,0 +26709,0 +26710,0 +26711,0 +26712,0 +26713,0 +26714,0 +26715,0 +26716,0 +26717,0 +26718,0 +26719,0 +26720,0 +26721,0 +26722,0 +26723,0 +26724,0 +26725,0 +26726,0 +26727,0 +26728,0 +26729,0 +26730,0 +26731,0 +26732,0 +26733,0 +26734,0 +26735,0 +26736,0 +26737,0 +26738,0 +26739,0 +26740,0 +26741,0 +26742,0 +26743,0 +26744,0 +26745,0 +26746,0 +26747,0 +26748,0 +26749,0 +26750,0 +26751,0 +26752,0 +26753,0 +26754,0 +26755,0 +26756,0 +26757,0 +26758,0 +26759,0 +26760,0 +26761,0 +26762,0 +26763,0 +26764,0 +26765,0 +26766,0 +26767,0 +26768,0 +26769,0 +26770,0 +26771,0 +26772,0 +26773,0 +26774,0 +26775,0 +26776,0 +26777,0 +26778,0 +26779,0 +26780,0 +26781,0 +26782,0 +26783,0 +26784,0 +26785,0 +26786,0 +26787,0 +26788,0 +26789,0 +26790,0 +26791,0 +26792,0 +26793,0 +26794,0 +26795,0 +26796,0 +26797,0 +26798,0 +26799,0 +26800,0 +26801,0 +26802,0 +26803,0 +26804,0 +26805,0 +26806,0 +26807,0 +26808,0 +26809,0 +26810,0 +26811,0 +26812,0 +26813,0 +26814,0 +26815,0 +26816,0 +26817,0 +26818,0 +26819,0 +26820,0 +26821,0 +26822,0 +26823,0 +26824,0 +26825,0 +26826,0 +26827,0 +26828,0 +26829,0 +26830,0 +26831,0 +26832,0 +26833,0 +26834,0 +26835,0 +26836,0 +26837,0 +26838,0 +26839,0 +26840,0 +26841,0 +26842,0 +26843,0 +26844,0 +26845,0 +26846,0 +26847,0 +26848,0 +26849,0 +26850,0 +26851,0 +26852,0 +26853,0 +26854,0 +26855,0 +26856,0 +26857,0 +26858,0 +26859,0 +26860,0 +26861,0 +26862,0 +26863,0 +26864,0 +26865,0 +26866,0 +26867,0 +26868,0 +26869,0 +26870,0 +26871,0 +26872,0 +26873,0 +26874,0 +26875,0 +26876,0 +26877,0 +26878,0 +26879,0 +26880,0 +26881,0 +26882,0 +26883,0 +26884,0 +26885,0 +26886,0 +26887,0 +26888,0 +26889,0 +26890,0 +26891,0 +26892,0 +26893,0 +26894,0 +26895,0 +26896,0 +26897,0 +26898,0 +26899,0 +26900,0 +26901,0 +26902,0 +26903,0 +26904,0 +26905,0 +26906,0 +26907,0 +26908,0 +26909,0 +26910,0 +26911,0 +26912,0 +26913,0 +26914,0 +26915,0 +26916,0 +26917,0 +26918,0 +26919,0 +26920,0 +26921,0 +26922,0 +26923,0 +26924,0 +26925,0 +26926,0 +26927,0 +26928,0 +26929,0 +26930,0 +26931,0 +26932,0 +26933,0 +26934,0 +26935,0 +26936,0 +26937,0 +26938,0 +26939,0 +26940,0 +26941,0 +26942,0 +26943,0 +26944,0 +26945,0 +26946,0 +26947,0 +26948,0 +26949,0 +26950,0 +26951,0 +26952,0 +26953,0 +26954,0 +26955,0 +26956,0 +26957,0 +26958,0 +26959,0 +26960,0 +26961,0 +26962,0 +26963,0 +26964,0 +26965,0 +26966,0 +26967,0 +26968,0 +26969,0 +26970,0 +26971,0 +26972,0 +26973,0 +26974,0 +26975,0 +26976,0 +26977,0 +26978,0 +26979,0 +26980,0 +26981,0 +26982,0 +26983,0 +26984,0 +26985,0 +26986,0 +26987,0 +26988,0 +26989,0 +26990,0 +26991,0 +26992,0 +26993,0 +26994,0 +26995,0 +26996,0 +26997,0 +26998,0 +26999,0 +27000,0 +27001,0 +27002,0 +27003,0 +27004,0 +27005,0 +27006,0 +27007,0 +27008,0 +27009,0 +27010,0 +27011,0 +27012,0 +27013,0 +27014,0 +27015,0 +27016,0 +27017,0 +27018,0 +27019,0 +27020,0 +27021,0 +27022,0 +27023,0 +27024,0 +27025,0 +27026,0 +27027,0 +27028,0 +27029,0 +27030,0 +27031,0 +27032,0 +27033,0 +27034,0 +27035,0 +27036,0 +27037,0 +27038,0 +27039,0 +27040,0 +27041,0 +27042,0 +27043,0 +27044,0 +27045,0 +27046,0 +27047,0 +27048,0 +27049,0 +27050,0 +27051,0 +27052,0 +27053,0 +27054,0 +27055,0 +27056,0 +27057,0 +27058,0 +27059,0 +27060,0 +27061,0 +27062,0 +27063,0 +27064,0 +27065,0 +27066,0 +27067,0 +27068,0 +27069,0 +27070,0 +27071,0 +27072,0 +27073,0 +27074,0 +27075,0 +27076,0 +27077,0 +27078,0 +27079,0 +27080,0 +27081,0 +27082,0 +27083,0 +27084,0 +27085,0 +27086,0 +27087,0 +27088,0 +27089,0 +27090,0 +27091,0 +27092,0 +27093,0 +27094,0 +27095,0 +27096,0 +27097,0 +27098,0 +27099,0 +27100,0 +27101,0 +27102,0 +27103,0 +27104,0 +27105,0 +27106,0 +27107,0 +27108,0 +27109,0 +27110,0 +27111,0 +27112,0 +27113,0 +27114,0 +27115,0 +27116,0 +27117,0 +27118,0 +27119,0 +27120,0 +27121,0 +27122,0 +27123,0 +27124,0 +27125,0 +27126,0 +27127,0 +27128,0 +27129,0 +27130,0 +27131,0 +27132,0 +27133,0 +27134,0 +27135,0 +27136,0 +27137,0 +27138,0 +27139,0 +27140,0 +27141,0 +27142,0 +27143,0 +27144,0 +27145,0 +27146,0 +27147,0 +27148,0 +27149,0 +27150,0 +27151,0 +27152,0 +27153,0 +27154,0 +27155,0 +27156,0 +27157,0 +27158,0 +27159,0 +27160,0 +27161,0 +27162,0 +27163,0 +27164,0 +27165,0 +27166,0 +27167,0 +27168,0 +27169,0 +27170,0 +27171,0 +27172,0 +27173,0 +27174,0 +27175,0 +27176,0 +27177,0 +27178,0 +27179,0 +27180,0 +27181,0 +27182,0 +27183,0 +27184,0 +27185,0 +27186,0 +27187,0 +27188,0 +27189,0 +27190,0 +27191,0 +27192,0 +27193,0 +27194,0 +27195,0 +27196,0 +27197,0 +27198,0 +27199,0 +27200,0 +27201,0 +27202,0 +27203,0 +27204,0 +27205,0 +27206,0 +27207,0 +27208,0 +27209,0 +27210,0 +27211,0 +27212,0 +27213,0 +27214,0 +27215,0 +27216,0 +27217,0 +27218,0 +27219,0 +27220,0 +27221,0 +27222,0 +27223,0 +27224,0 +27225,0 +27226,0 +27227,0 +27228,0 +27229,0 +27230,0 +27231,0 +27232,0 +27233,0 +27234,0 +27235,0 +27236,0 +27237,0 +27238,0 +27239,0 +27240,0 +27241,0 +27242,0 +27243,0 +27244,0 +27245,0 +27246,0 +27247,0 +27248,0 +27249,0 +27250,0 +27251,0 +27252,0 +27253,0 +27254,0 +27255,0 +27256,0 +27257,0 +27258,0 +27259,0 +27260,0 +27261,0 +27262,0 +27263,0 +27264,0 +27265,0 +27266,0 +27267,0 +27268,0 +27269,0 +27270,0 +27271,0 +27272,0 +27273,0 +27274,0 +27275,0 +27276,0 +27277,0 +27278,0 +27279,0 +27280,0 +27281,0 +27282,0 +27283,0 +27284,0 +27285,0 +27286,0 +27287,0 +27288,0 +27289,0 +27290,0 +27291,0 +27292,0 +27293,0 +27294,0 +27295,0 +27296,0 +27297,0 +27298,0 +27299,0 +27300,0 +27301,0 +27302,0 +27303,0 +27304,0 +27305,0 +27306,0 +27307,0 +27308,0 +27309,0 +27310,0 +27311,0 +27312,0 +27313,0 +27314,0 +27315,0 +27316,0 +27317,0 +27318,0 +27319,0 +27320,0 +27321,0 +27322,0 +27323,0 +27324,0 +27325,0 +27326,0 +27327,0 +27328,0 +27329,0 +27330,0 +27331,0 +27332,0 +27333,0 +27334,0 +27335,0 +27336,0 +27337,0 +27338,0 +27339,0 +27340,0 +27341,0 +27342,0 +27343,0 +27344,0 +27345,0 +27346,0 +27347,0 +27348,0 +27349,0 +27350,0 +27351,0 +27352,0 +27353,0 +27354,0 +27355,0 +27356,0 +27357,0 +27358,0 +27359,0 +27360,0 +27361,0 +27362,0 +27363,0 +27364,0 +27365,0 +27366,0 +27367,0 +27368,0 +27369,0 +27370,0 +27371,0 +27372,0 +27373,0 +27374,0 +27375,0 +27376,0 +27377,0 +27378,0 +27379,0 +27380,0 +27381,0 +27382,0 +27383,0 +27384,0 +27385,0 +27386,0 +27387,0 +27388,0 +27389,0 +27390,0 +27391,0 +27392,0 +27393,0 +27394,0 +27395,0 +27396,0 +27397,0 +27398,0 +27399,0 +27400,0 +27401,0 +27402,0 +27403,0 +27404,0 +27405,0 +27406,0 +27407,0 +27408,0 +27409,0 +27410,0 +27411,0 +27412,0 +27413,0 +27414,0 +27415,0 +27416,0 +27417,0 +27418,0 +27419,0 +27420,0 +27421,0 +27422,0 +27423,0 +27424,0 +27425,0 +27426,0 +27427,0 +27428,0 +27429,0 +27430,0 +27431,0 +27432,0 +27433,0 +27434,0 +27435,0 +27436,0 +27437,0 +27438,0 +27439,0 +27440,0 +27441,0 +27442,0 +27443,0 +27444,0 +27445,0 +27446,0 +27447,0 +27448,0 +27449,0 +27450,0 +27451,0 +27452,0 +27453,0 +27454,0 +27455,0 +27456,0 +27457,0 +27458,0 +27459,0 +27460,0 +27461,0 +27462,0 +27463,0 +27464,0 +27465,0 +27466,0 +27467,0 +27468,0 +27469,0 +27470,0 +27471,0 +27472,0 +27473,0 +27474,0 +27475,0 +27476,0 +27477,0 +27478,0 +27479,0 +27480,0 +27481,0 +27482,0 +27483,0 +27484,0 +27485,0 +27486,0 +27487,0 +27488,0 +27489,0 +27490,0 +27491,0 +27492,0 +27493,0 +27494,0 +27495,0 +27496,0 +27497,0 +27498,0 +27499,0 +27500,0 +27501,0 +27502,0 +27503,0 +27504,0 +27505,0 +27506,0 +27507,0 +27508,0 +27509,0 +27510,0 +27511,0 +27512,0 +27513,0 +27514,0 +27515,0 +27516,0 +27517,0 +27518,0 +27519,0 +27520,0 +27521,0 +27522,0 +27523,0 +27524,0 +27525,0 +27526,0 +27527,0 +27528,0 +27529,0 +27530,0 +27531,0 +27532,0 +27533,0 +27534,0 +27535,0 +27536,0 +27537,0 +27538,0 +27539,0 +27540,0 +27541,0 +27542,0 +27543,0 +27544,0 +27545,0 +27546,0 +27547,0 +27548,0 +27549,0 +27550,0 +27551,0 +27552,0 +27553,0 +27554,0 +27555,0 +27556,0 +27557,0 +27558,0 +27559,0 +27560,0 +27561,0 +27562,0 +27563,0 +27564,0 +27565,0 +27566,0 +27567,0 +27568,0 +27569,0 +27570,0 +27571,0 +27572,0 +27573,0 +27574,0 +27575,0 +27576,0 +27577,0 +27578,0 +27579,0 +27580,0 +27581,0 +27582,0 +27583,0 +27584,0 +27585,0 +27586,0 +27587,0 +27588,0 +27589,0 +27590,0 +27591,0 +27592,0 +27593,0 +27594,0 +27595,0 +27596,0 +27597,0 +27598,0 +27599,0 +27600,0 +27601,0 +27602,0 +27603,0 +27604,0 +27605,0 +27606,0 +27607,0 +27608,0 +27609,0 +27610,0 +27611,0 +27612,0 +27613,0 +27614,0 +27615,0 +27616,0 +27617,0 +27618,0 +27619,0 +27620,0 +27621,0 +27622,0 +27623,0 +27624,0 +27625,0 +27626,0 +27627,0 +27628,0 +27629,0 +27630,0 +27631,0 +27632,0 +27633,0 +27634,0 +27635,0 +27636,0 +27637,0 +27638,0 +27639,0 +27640,0 +27641,0 +27642,0 +27643,0 +27644,0 +27645,0 +27646,0 +27647,0 +27648,0 +27649,0 +27650,0 +27651,0 +27652,0 +27653,0 +27654,0 +27655,0 +27656,0 +27657,0 +27658,0 +27659,0 +27660,0 +27661,0 +27662,0 +27663,0 +27664,0 +27665,0 +27666,0 +27667,0 +27668,0 +27669,0 +27670,0 +27671,0 +27672,0 +27673,0 +27674,0 +27675,0 +27676,0 +27677,0 +27678,0 +27679,0 +27680,0 +27681,0 +27682,0 +27683,0 +27684,0 +27685,0 +27686,0 +27687,0 +27688,0 +27689,0 +27690,0 +27691,0 +27692,0 +27693,0 +27694,0 +27695,0 +27696,0 +27697,0 +27698,0 +27699,0 +27700,0 +27701,0 +27702,0 +27703,0 +27704,0 +27705,0 +27706,0 +27707,0 +27708,0 +27709,0 +27710,0 +27711,0 +27712,0 +27713,0 +27714,0 +27715,0 +27716,0 +27717,0 +27718,0 +27719,0 +27720,0 +27721,0 +27722,0 +27723,0 +27724,0 +27725,0 +27726,0 +27727,0 +27728,0 +27729,0 +27730,0 +27731,0 +27732,0 +27733,0 +27734,0 +27735,0 +27736,0 +27737,0 +27738,0 +27739,0 +27740,0 +27741,0 +27742,0 +27743,0 +27744,0 +27745,0 +27746,0 +27747,0 +27748,0 +27749,0 +27750,0 +27751,0 +27752,0 +27753,0 +27754,0 +27755,0 +27756,0 +27757,0 +27758,0 +27759,0 +27760,0 +27761,0 +27762,0 +27763,0 +27764,0 +27765,0 +27766,0 +27767,0 +27768,0 +27769,0 +27770,0 +27771,0 +27772,0 +27773,0 +27774,0 +27775,0 +27776,0 +27777,0 +27778,0 +27779,0 +27780,0 +27781,0 +27782,0 +27783,0 +27784,0 +27785,0 +27786,0 +27787,0 +27788,0 +27789,0 +27790,0 +27791,0 +27792,0 +27793,0 +27794,0 +27795,0 +27796,0 +27797,0 +27798,0 +27799,0 +27800,0 +27801,0 +27802,0 +27803,0 +27804,0 +27805,0 +27806,0 +27807,0 +27808,0 +27809,0 +27810,0 +27811,0 +27812,0 +27813,0 +27814,0 +27815,0 +27816,0 +27817,0 +27818,0 +27819,0 +27820,0 +27821,0 +27822,0 +27823,0 +27824,0 +27825,0 +27826,0 +27827,0 +27828,0 +27829,0 +27830,0 +27831,0 +27832,0 +27833,0 +27834,0 +27835,0 +27836,0 +27837,0 +27838,0 +27839,0 +27840,0 +27841,0 +27842,0 +27843,0 +27844,0 +27845,0 +27846,0 +27847,0 +27848,0 +27849,0 +27850,0 +27851,0 +27852,0 +27853,0 +27854,0 +27855,0 +27856,0 +27857,0 +27858,0 +27859,0 +27860,0 +27861,0 +27862,0 +27863,0 +27864,0 +27865,0 +27866,0 +27867,0 +27868,0 +27869,0 +27870,0 +27871,0 +27872,0 +27873,0 +27874,0 +27875,0 +27876,0 +27877,0 +27878,0 +27879,0 +27880,0 +27881,0 +27882,0 +27883,0 +27884,0 +27885,0 +27886,0 +27887,0 +27888,0 +27889,0 +27890,0 +27891,0 +27892,0 +27893,0 +27894,0 +27895,0 +27896,0 +27897,0 +27898,0 +27899,0 +27900,0 +27901,0 +27902,0 +27903,0 +27904,0 +27905,0 +27906,0 +27907,0 +27908,0 +27909,0 +27910,0 +27911,0 +27912,0 +27913,0 +27914,0 +27915,0 +27916,0 +27917,0 +27918,0 +27919,0 +27920,0 +27921,0 +27922,0 +27923,0 +27924,0 +27925,0 +27926,0 +27927,0 +27928,0 +27929,0 +27930,0 +27931,0 +27932,0 +27933,0 +27934,0 +27935,0 +27936,0 +27937,0 +27938,0 +27939,0 +27940,0 +27941,0 +27942,0 +27943,0 +27944,0 +27945,0 +27946,0 +27947,0 +27948,0 +27949,0 +27950,0 +27951,0 +27952,0 +27953,0 +27954,0 +27955,0 +27956,0 +27957,0 +27958,0 +27959,0 +27960,0 +27961,0 +27962,0 +27963,0 +27964,0 +27965,0 +27966,0 +27967,0 +27968,0 +27969,0 +27970,0 +27971,0 +27972,0 +27973,0 +27974,0 +27975,0 +27976,0 +27977,0 +27978,0 +27979,0 +27980,0 +27981,0 +27982,0 +27983,0 +27984,0 +27985,0 +27986,0 +27987,0 +27988,0 +27989,0 +27990,0 +27991,0 +27992,0 +27993,0 +27994,0 +27995,0 +27996,0 +27997,0 +27998,0 +27999,0 +28000,0 diff --git a/bp/submission.csv b/bp/submission.csv new file mode 100644 index 0000000..20b051a --- /dev/null +++ b/bp/submission.csv @@ -0,0 +1,28001 @@ +ImageId,Label +1,2 +2,0 +3,9 +4,9 +5,3 +6,7 +7,0 +8,3 +9,0 +10,3 +11,5 +12,7 +13,4 +14,0 +15,4 +16,3 +17,3 +18,1 +19,9 +20,0 +21,9 +22,1 +23,1 +24,5 +25,7 +26,4 +27,2 +28,7 +29,4 +30,7 +31,7 +32,5 +33,4 +34,2 +35,6 +36,2 +37,5 +38,5 +39,1 +40,6 +41,7 +42,7 +43,4 +44,9 +45,8 +46,7 +47,8 +48,2 +49,6 +50,7 +51,6 +52,8 +53,8 +54,3 +55,8 +56,2 +57,1 +58,2 +59,2 +60,0 +61,4 +62,1 +63,7 +64,0 +65,0 +66,0 +67,1 +68,9 +69,0 +70,1 +71,6 +72,5 +73,8 +74,8 +75,2 +76,8 +77,3 +78,9 +79,2 +80,3 +81,5 +82,9 +83,1 +84,0 +85,9 +86,2 +87,4 +88,3 +89,6 +90,7 +91,2 +92,0 +93,6 +94,6 +95,1 +96,4 +97,3 +98,9 +99,7 +100,4 +101,0 +102,8 +103,2 +104,0 +105,7 +106,3 +107,0 +108,5 +109,0 +110,3 +111,0 +112,0 +113,4 +114,7 +115,1 +116,7 +117,1 +118,1 +119,5 +120,3 +121,3 +122,7 +123,2 +124,8 +125,6 +126,3 +127,8 +128,7 +129,8 +130,4 +131,3 +132,5 +133,6 +134,0 +135,0 +136,0 +137,3 +138,1 +139,3 +140,0 +141,4 +142,3 +143,4 +144,5 +145,5 +146,8 +147,7 +148,7 +149,2 +150,8 +151,4 +152,3 +153,5 +154,6 +155,5 +156,3 +157,7 +158,3 +159,7 +160,8 +161,3 +162,0 +163,4 +164,5 +165,1 +166,2 +167,7 +168,6 +169,3 +170,0 +171,2 +172,7 +173,8 +174,6 +175,1 +176,3 +177,7 +178,4 +179,1 +180,2 +181,4 +182,8 +183,5 +184,2 +185,4 +186,9 +187,2 +188,1 +189,6 +190,0 +191,6 +192,1 +193,4 +194,9 +195,6 +196,0 +197,9 +198,7 +199,6 +200,9 +201,1 +202,9 +203,0 +204,9 +205,9 +206,0 +207,8 +208,4 +209,6 +210,2 +211,0 +212,9 +213,3 +214,6 +215,9 +216,2 +217,1 +218,6 +219,3 +220,4 +221,2 +222,3 +223,1 +224,2 +225,2 +226,8 +227,4 +228,6 +229,1 +230,0 +231,0 +232,4 +233,9 +234,1 +235,7 +236,3 +237,2 +238,3 +239,8 +240,6 +241,8 +242,6 +243,2 +244,8 +245,5 +246,5 +247,4 +248,8 +249,3 +250,9 +251,9 +252,7 +253,1 +254,3 +255,8 +256,4 +257,5 +258,1 +259,4 +260,3 +261,6 +262,3 +263,3 +264,5 +265,7 +266,0 +267,6 +268,8 +269,3 +270,1 +271,6 +272,0 +273,6 +274,3 +275,9 +276,9 +277,1 +278,5 +279,8 +280,4 +281,0 +282,9 +283,2 +284,0 +285,5 +286,3 +287,7 +288,8 +289,9 +290,9 +291,5 +292,7 +293,7 +294,9 +295,9 +296,6 +297,3 +298,0 +299,3 +300,3 +301,6 +302,9 +303,8 +304,2 +305,6 +306,3 +307,7 +308,1 +309,4 +310,5 +311,8 +312,5 +313,9 +314,0 +315,0 +316,3 +317,9 +318,4 +319,1 +320,8 +321,4 +322,1 +323,1 +324,9 +325,8 +326,4 +327,5 +328,1 +329,5 +330,3 +331,6 +332,3 +333,1 +334,2 +335,0 +336,9 +337,0 +338,0 +339,6 +340,0 +341,6 +342,2 +343,1 +344,8 +345,6 +346,0 +347,6 +348,5 +349,2 +350,2 +351,6 +352,7 +353,7 +354,2 +355,5 +356,8 +357,8 +358,9 +359,2 +360,9 +361,8 +362,6 +363,3 +364,8 +365,4 +366,2 +367,3 +368,8 +369,1 +370,6 +371,4 +372,8 +373,7 +374,9 +375,7 +376,6 +377,9 +378,5 +379,3 +380,7 +381,6 +382,5 +383,5 +384,4 +385,2 +386,6 +387,2 +388,1 +389,3 +390,7 +391,1 +392,7 +393,9 +394,9 +395,6 +396,1 +397,1 +398,1 +399,7 +400,3 +401,9 +402,7 +403,6 +404,1 +405,1 +406,1 +407,9 +408,3 +409,5 +410,5 +411,5 +412,0 +413,4 +414,1 +415,2 +416,3 +417,1 +418,1 +419,3 +420,5 +421,9 +422,6 +423,6 +424,5 +425,3 +426,1 +427,4 +428,7 +429,7 +430,7 +431,4 +432,8 +433,5 +434,2 +435,6 +436,1 +437,3 +438,9 +439,5 +440,0 +441,8 +442,4 +443,7 +444,4 +445,4 +446,4 +447,1 +448,5 +449,3 +450,9 +451,5 +452,7 +453,6 +454,9 +455,5 +456,9 +457,2 +458,3 +459,3 +460,6 +461,6 +462,7 +463,5 +464,0 +465,5 +466,1 +467,7 +468,4 +469,4 +470,1 +471,1 +472,4 +473,9 +474,5 +475,6 +476,0 +477,1 +478,3 +479,1 +480,0 +481,4 +482,8 +483,1 +484,2 +485,7 +486,9 +487,4 +488,8 +489,3 +490,7 +491,7 +492,4 +493,2 +494,4 +495,2 +496,7 +497,5 +498,3 +499,2 +500,0 +501,6 +502,5 +503,9 +504,4 +505,1 +506,8 +507,3 +508,3 +509,0 +510,6 +511,7 +512,5 +513,8 +514,7 +515,5 +516,3 +517,5 +518,7 +519,4 +520,3 +521,6 +522,9 +523,0 +524,7 +525,7 +526,1 +527,0 +528,1 +529,1 +530,7 +531,0 +532,5 +533,3 +534,8 +535,3 +536,5 +537,6 +538,5 +539,7 +540,3 +541,0 +542,2 +543,8 +544,2 +545,0 +546,3 +547,0 +548,9 +549,2 +550,1 +551,1 +552,3 +553,0 +554,5 +555,0 +556,0 +557,7 +558,5 +559,6 +560,2 +561,0 +562,3 +563,8 +564,1 +565,6 +566,5 +567,4 +568,1 +569,1 +570,4 +571,6 +572,5 +573,3 +574,6 +575,0 +576,4 +577,8 +578,2 +579,4 +580,2 +581,5 +582,1 +583,2 +584,6 +585,9 +586,1 +587,7 +588,3 +589,8 +590,0 +591,8 +592,8 +593,4 +594,5 +595,3 +596,6 +597,6 +598,6 +599,0 +600,3 +601,5 +602,1 +603,7 +604,1 +605,6 +606,2 +607,8 +608,5 +609,6 +610,4 +611,7 +612,4 +613,3 +614,3 +615,2 +616,4 +617,7 +618,0 +619,0 +620,9 +621,8 +622,5 +623,9 +624,4 +625,0 +626,8 +627,1 +628,3 +629,6 +630,7 +631,6 +632,1 +633,8 +634,6 +635,1 +636,4 +637,7 +638,7 +639,8 +640,3 +641,0 +642,9 +643,9 +644,6 +645,7 +646,7 +647,4 +648,4 +649,1 +650,8 +651,4 +652,8 +653,0 +654,2 +655,8 +656,2 +657,4 +658,3 +659,3 +660,7 +661,2 +662,3 +663,4 +664,0 +665,4 +666,8 +667,1 +668,3 +669,3 +670,6 +671,3 +672,9 +673,4 +674,3 +675,8 +676,7 +677,7 +678,2 +679,6 +680,0 +681,6 +682,9 +683,8 +684,1 +685,1 +686,3 +687,4 +688,6 +689,9 +690,9 +691,2 +692,6 +693,0 +694,1 +695,8 +696,4 +697,3 +698,9 +699,8 +700,8 +701,4 +702,0 +703,5 +704,0 +705,6 +706,0 +707,4 +708,4 +709,6 +710,5 +711,3 +712,8 +713,1 +714,5 +715,3 +716,6 +717,2 +718,3 +719,7 +720,8 +721,9 +722,3 +723,1 +724,0 +725,1 +726,0 +727,6 +728,4 +729,7 +730,5 +731,7 +732,1 +733,3 +734,2 +735,7 +736,7 +737,1 +738,5 +739,1 +740,5 +741,4 +742,4 +743,3 +744,4 +745,3 +746,9 +747,0 +748,7 +749,8 +750,6 +751,4 +752,9 +753,4 +754,4 +755,1 +756,4 +757,7 +758,1 +759,1 +760,8 +761,7 +762,0 +763,4 +764,0 +765,4 +766,0 +767,0 +768,5 +769,1 +770,8 +771,6 +772,5 +773,0 +774,1 +775,5 +776,3 +777,4 +778,6 +779,3 +780,1 +781,1 +782,6 +783,9 +784,8 +785,3 +786,5 +787,5 +788,4 +789,8 +790,8 +791,5 +792,0 +793,4 +794,0 +795,4 +796,3 +797,1 +798,6 +799,9 +800,7 +801,1 +802,1 +803,3 +804,3 +805,1 +806,4 +807,9 +808,6 +809,9 +810,1 +811,5 +812,4 +813,2 +814,3 +815,2 +816,4 +817,0 +818,9 +819,7 +820,4 +821,3 +822,0 +823,5 +824,0 +825,1 +826,9 +827,0 +828,4 +829,5 +830,2 +831,8 +832,8 +833,5 +834,9 +835,3 +836,9 +837,6 +838,1 +839,5 +840,6 +841,1 +842,9 +843,0 +844,8 +845,4 +846,6 +847,7 +848,2 +849,8 +850,5 +851,8 +852,9 +853,7 +854,7 +855,2 +856,8 +857,1 +858,3 +859,4 +860,5 +861,0 +862,4 +863,1 +864,4 +865,2 +866,3 +867,6 +868,9 +869,2 +870,3 +871,4 +872,5 +873,4 +874,2 +875,3 +876,8 +877,1 +878,1 +879,0 +880,1 +881,4 +882,9 +883,1 +884,1 +885,2 +886,7 +887,1 +888,5 +889,4 +890,9 +891,1 +892,7 +893,6 +894,0 +895,4 +896,2 +897,9 +898,4 +899,1 +900,1 +901,5 +902,3 +903,5 +904,7 +905,9 +906,7 +907,8 +908,3 +909,2 +910,7 +911,2 +912,0 +913,4 +914,7 +915,1 +916,6 +917,4 +918,6 +919,1 +920,5 +921,7 +922,3 +923,5 +924,9 +925,4 +926,7 +927,9 +928,6 +929,6 +930,3 +931,3 +932,2 +933,1 +934,4 +935,5 +936,3 +937,7 +938,7 +939,9 +940,5 +941,6 +942,2 +943,6 +944,1 +945,0 +946,9 +947,3 +948,2 +949,9 +950,2 +951,6 +952,7 +953,5 +954,2 +955,3 +956,2 +957,8 +958,3 +959,0 +960,2 +961,7 +962,9 +963,4 +964,0 +965,9 +966,5 +967,1 +968,8 +969,8 +970,5 +971,3 +972,2 +973,9 +974,6 +975,7 +976,0 +977,8 +978,0 +979,7 +980,4 +981,5 +982,8 +983,7 +984,9 +985,7 +986,7 +987,0 +988,5 +989,3 +990,2 +991,1 +992,9 +993,0 +994,6 +995,8 +996,3 +997,6 +998,2 +999,2 +1000,9 +1001,0 +1002,7 +1003,0 +1004,7 +1005,1 +1006,3 +1007,4 +1008,6 +1009,3 +1010,9 +1011,2 +1012,6 +1013,3 +1014,7 +1015,3 +1016,7 +1017,2 +1018,3 +1019,4 +1020,3 +1021,5 +1022,9 +1023,4 +1024,6 +1025,2 +1026,6 +1027,1 +1028,5 +1029,5 +1030,1 +1031,9 +1032,1 +1033,8 +1034,9 +1035,4 +1036,5 +1037,3 +1038,5 +1039,2 +1040,0 +1041,1 +1042,6 +1043,1 +1044,9 +1045,2 +1046,2 +1047,7 +1048,7 +1049,5 +1050,6 +1051,2 +1052,6 +1053,3 +1054,5 +1055,9 +1056,1 +1057,1 +1058,3 +1059,6 +1060,3 +1061,0 +1062,0 +1063,6 +1064,0 +1065,9 +1066,4 +1067,7 +1068,0 +1069,5 +1070,9 +1071,8 +1072,8 +1073,7 +1074,6 +1075,9 +1076,2 +1077,6 +1078,1 +1079,2 +1080,9 +1081,3 +1082,0 +1083,2 +1084,3 +1085,7 +1086,7 +1087,6 +1088,6 +1089,3 +1090,1 +1091,3 +1092,1 +1093,0 +1094,1 +1095,7 +1096,6 +1097,3 +1098,3 +1099,3 +1100,3 +1101,4 +1102,2 +1103,9 +1104,1 +1105,8 +1106,2 +1107,0 +1108,6 +1109,4 +1110,6 +1111,7 +1112,2 +1113,4 +1114,1 +1115,0 +1116,5 +1117,2 +1118,6 +1119,4 +1120,9 +1121,8 +1122,5 +1123,4 +1124,1 +1125,6 +1126,3 +1127,8 +1128,6 +1129,1 +1130,2 +1131,0 +1132,8 +1133,8 +1134,0 +1135,3 +1136,6 +1137,8 +1138,7 +1139,7 +1140,7 +1141,6 +1142,0 +1143,2 +1144,1 +1145,2 +1146,8 +1147,4 +1148,5 +1149,5 +1150,3 +1151,8 +1152,7 +1153,8 +1154,4 +1155,7 +1156,4 +1157,4 +1158,1 +1159,8 +1160,0 +1161,9 +1162,1 +1163,9 +1164,0 +1165,6 +1166,4 +1167,1 +1168,2 +1169,4 +1170,5 +1171,8 +1172,2 +1173,9 +1174,1 +1175,8 +1176,2 +1177,2 +1178,7 +1179,2 +1180,5 +1181,3 +1182,8 +1183,9 +1184,9 +1185,0 +1186,7 +1187,0 +1188,3 +1189,0 +1190,9 +1191,7 +1192,3 +1193,3 +1194,8 +1195,8 +1196,9 +1197,3 +1198,2 +1199,5 +1200,4 +1201,4 +1202,8 +1203,3 +1204,0 +1205,1 +1206,7 +1207,9 +1208,6 +1209,4 +1210,0 +1211,4 +1212,7 +1213,8 +1214,4 +1215,5 +1216,9 +1217,6 +1218,7 +1219,8 +1220,2 +1221,0 +1222,0 +1223,5 +1224,0 +1225,5 +1226,9 +1227,4 +1228,9 +1229,9 +1230,5 +1231,4 +1232,3 +1233,0 +1234,5 +1235,4 +1236,1 +1237,9 +1238,5 +1239,4 +1240,9 +1241,9 +1242,5 +1243,7 +1244,8 +1245,2 +1246,4 +1247,7 +1248,4 +1249,3 +1250,3 +1251,6 +1252,6 +1253,0 +1254,4 +1255,5 +1256,5 +1257,7 +1258,6 +1259,5 +1260,5 +1261,1 +1262,9 +1263,4 +1264,2 +1265,2 +1266,6 +1267,9 +1268,9 +1269,8 +1270,1 +1271,1 +1272,3 +1273,1 +1274,0 +1275,0 +1276,4 +1277,0 +1278,2 +1279,7 +1280,6 +1281,1 +1282,4 +1283,7 +1284,0 +1285,7 +1286,1 +1287,0 +1288,3 +1289,3 +1290,1 +1291,9 +1292,8 +1293,4 +1294,6 +1295,5 +1296,9 +1297,8 +1298,6 +1299,3 +1300,6 +1301,6 +1302,6 +1303,1 +1304,1 +1305,4 +1306,0 +1307,7 +1308,8 +1309,0 +1310,4 +1311,6 +1312,7 +1313,9 +1314,5 +1315,9 +1316,6 +1317,2 +1318,4 +1319,7 +1320,5 +1321,9 +1322,8 +1323,5 +1324,1 +1325,8 +1326,0 +1327,3 +1328,6 +1329,8 +1330,1 +1331,3 +1332,0 +1333,3 +1334,1 +1335,9 +1336,1 +1337,4 +1338,5 +1339,8 +1340,2 +1341,2 +1342,9 +1343,1 +1344,3 +1345,3 +1346,0 +1347,5 +1348,6 +1349,1 +1350,8 +1351,3 +1352,6 +1353,7 +1354,2 +1355,3 +1356,2 +1357,9 +1358,8 +1359,1 +1360,5 +1361,9 +1362,8 +1363,7 +1364,3 +1365,8 +1366,4 +1367,5 +1368,8 +1369,2 +1370,1 +1371,6 +1372,7 +1373,6 +1374,1 +1375,1 +1376,0 +1377,5 +1378,0 +1379,9 +1380,1 +1381,7 +1382,4 +1383,0 +1384,9 +1385,7 +1386,5 +1387,9 +1388,8 +1389,8 +1390,7 +1391,5 +1392,4 +1393,3 +1394,7 +1395,9 +1396,4 +1397,7 +1398,2 +1399,7 +1400,4 +1401,1 +1402,5 +1403,8 +1404,2 +1405,3 +1406,5 +1407,9 +1408,8 +1409,4 +1410,5 +1411,9 +1412,1 +1413,5 +1414,1 +1415,1 +1416,3 +1417,7 +1418,5 +1419,1 +1420,7 +1421,9 +1422,2 +1423,5 +1424,6 +1425,8 +1426,8 +1427,5 +1428,0 +1429,8 +1430,8 +1431,4 +1432,7 +1433,1 +1434,9 +1435,6 +1436,8 +1437,9 +1438,4 +1439,9 +1440,9 +1441,6 +1442,3 +1443,2 +1444,7 +1445,4 +1446,8 +1447,0 +1448,4 +1449,9 +1450,0 +1451,8 +1452,8 +1453,7 +1454,0 +1455,9 +1456,0 +1457,9 +1458,7 +1459,0 +1460,8 +1461,5 +1462,3 +1463,3 +1464,6 +1465,2 +1466,5 +1467,3 +1468,1 +1469,7 +1470,3 +1471,1 +1472,0 +1473,6 +1474,5 +1475,9 +1476,3 +1477,2 +1478,9 +1479,4 +1480,8 +1481,8 +1482,8 +1483,6 +1484,4 +1485,4 +1486,0 +1487,7 +1488,8 +1489,9 +1490,6 +1491,7 +1492,3 +1493,8 +1494,9 +1495,2 +1496,0 +1497,8 +1498,6 +1499,0 +1500,3 +1501,0 +1502,1 +1503,8 +1504,3 +1505,8 +1506,6 +1507,0 +1508,1 +1509,2 +1510,0 +1511,7 +1512,3 +1513,6 +1514,9 +1515,2 +1516,3 +1517,1 +1518,7 +1519,7 +1520,9 +1521,5 +1522,9 +1523,9 +1524,1 +1525,1 +1526,5 +1527,8 +1528,3 +1529,2 +1530,5 +1531,4 +1532,1 +1533,8 +1534,4 +1535,0 +1536,7 +1537,0 +1538,1 +1539,0 +1540,0 +1541,7 +1542,1 +1543,3 +1544,5 +1545,5 +1546,9 +1547,9 +1548,7 +1549,9 +1550,4 +1551,6 +1552,8 +1553,1 +1554,9 +1555,2 +1556,7 +1557,4 +1558,8 +1559,5 +1560,0 +1561,5 +1562,9 +1563,8 +1564,7 +1565,5 +1566,0 +1567,1 +1568,9 +1569,9 +1570,6 +1571,3 +1572,0 +1573,8 +1574,7 +1575,4 +1576,2 +1577,6 +1578,1 +1579,7 +1580,2 +1581,3 +1582,8 +1583,8 +1584,1 +1585,4 +1586,6 +1587,2 +1588,4 +1589,8 +1590,2 +1591,3 +1592,6 +1593,3 +1594,8 +1595,2 +1596,9 +1597,1 +1598,3 +1599,2 +1600,5 +1601,8 +1602,7 +1603,7 +1604,6 +1605,2 +1606,0 +1607,3 +1608,2 +1609,8 +1610,1 +1611,5 +1612,4 +1613,3 +1614,3 +1615,1 +1616,9 +1617,3 +1618,2 +1619,1 +1620,1 +1621,3 +1622,6 +1623,1 +1624,9 +1625,4 +1626,4 +1627,9 +1628,6 +1629,6 +1630,7 +1631,5 +1632,9 +1633,6 +1634,6 +1635,1 +1636,0 +1637,7 +1638,8 +1639,8 +1640,8 +1641,3 +1642,7 +1643,7 +1644,7 +1645,1 +1646,4 +1647,6 +1648,1 +1649,0 +1650,0 +1651,5 +1652,7 +1653,7 +1654,8 +1655,8 +1656,9 +1657,8 +1658,2 +1659,4 +1660,8 +1661,1 +1662,3 +1663,6 +1664,1 +1665,3 +1666,3 +1667,6 +1668,6 +1669,5 +1670,8 +1671,8 +1672,3 +1673,4 +1674,5 +1675,9 +1676,8 +1677,2 +1678,0 +1679,1 +1680,3 +1681,3 +1682,5 +1683,6 +1684,3 +1685,3 +1686,6 +1687,1 +1688,3 +1689,3 +1690,7 +1691,7 +1692,5 +1693,6 +1694,5 +1695,1 +1696,7 +1697,4 +1698,5 +1699,9 +1700,0 +1701,2 +1702,8 +1703,0 +1704,9 +1705,5 +1706,3 +1707,0 +1708,8 +1709,0 +1710,7 +1711,7 +1712,1 +1713,5 +1714,4 +1715,4 +1716,9 +1717,7 +1718,0 +1719,3 +1720,1 +1721,3 +1722,3 +1723,6 +1724,2 +1725,4 +1726,2 +1727,1 +1728,6 +1729,5 +1730,9 +1731,3 +1732,4 +1733,1 +1734,9 +1735,4 +1736,0 +1737,3 +1738,5 +1739,1 +1740,0 +1741,0 +1742,5 +1743,3 +1744,9 +1745,4 +1746,9 +1747,1 +1748,0 +1749,0 +1750,5 +1751,7 +1752,1 +1753,6 +1754,8 +1755,3 +1756,7 +1757,0 +1758,3 +1759,8 +1760,2 +1761,8 +1762,6 +1763,7 +1764,9 +1765,1 +1766,8 +1767,4 +1768,5 +1769,3 +1770,1 +1771,5 +1772,2 +1773,2 +1774,5 +1775,3 +1776,8 +1777,8 +1778,2 +1779,7 +1780,4 +1781,8 +1782,5 +1783,7 +1784,0 +1785,6 +1786,6 +1787,2 +1788,3 +1789,2 +1790,2 +1791,9 +1792,1 +1793,9 +1794,6 +1795,9 +1796,2 +1797,2 +1798,6 +1799,0 +1800,4 +1801,0 +1802,0 +1803,0 +1804,0 +1805,3 +1806,0 +1807,4 +1808,3 +1809,6 +1810,7 +1811,8 +1812,6 +1813,0 +1814,5 +1815,1 +1816,8 +1817,5 +1818,6 +1819,0 +1820,2 +1821,7 +1822,6 +1823,1 +1824,3 +1825,9 +1826,9 +1827,3 +1828,0 +1829,3 +1830,5 +1831,9 +1832,6 +1833,8 +1834,3 +1835,1 +1836,0 +1837,0 +1838,9 +1839,0 +1840,6 +1841,6 +1842,2 +1843,4 +1844,3 +1845,0 +1846,2 +1847,7 +1848,1 +1849,5 +1850,8 +1851,5 +1852,8 +1853,8 +1854,4 +1855,7 +1856,4 +1857,3 +1858,6 +1859,5 +1860,7 +1861,3 +1862,1 +1863,6 +1864,7 +1865,1 +1866,3 +1867,1 +1868,8 +1869,8 +1870,1 +1871,5 +1872,2 +1873,2 +1874,6 +1875,9 +1876,0 +1877,2 +1878,1 +1879,2 +1880,7 +1881,4 +1882,4 +1883,9 +1884,3 +1885,0 +1886,4 +1887,5 +1888,1 +1889,9 +1890,6 +1891,9 +1892,7 +1893,6 +1894,5 +1895,0 +1896,1 +1897,1 +1898,3 +1899,8 +1900,4 +1901,6 +1902,0 +1903,0 +1904,3 +1905,7 +1906,9 +1907,8 +1908,5 +1909,9 +1910,9 +1911,1 +1912,5 +1913,0 +1914,9 +1915,1 +1916,7 +1917,9 +1918,0 +1919,8 +1920,9 +1921,0 +1922,6 +1923,9 +1924,2 +1925,4 +1926,2 +1927,1 +1928,9 +1929,4 +1930,4 +1931,8 +1932,8 +1933,6 +1934,5 +1935,6 +1936,1 +1937,3 +1938,5 +1939,9 +1940,3 +1941,9 +1942,7 +1943,0 +1944,7 +1945,6 +1946,5 +1947,8 +1948,6 +1949,6 +1950,0 +1951,7 +1952,4 +1953,5 +1954,3 +1955,7 +1956,7 +1957,8 +1958,5 +1959,8 +1960,5 +1961,5 +1962,3 +1963,6 +1964,8 +1965,3 +1966,6 +1967,1 +1968,9 +1969,8 +1970,0 +1971,9 +1972,4 +1973,9 +1974,5 +1975,8 +1976,4 +1977,0 +1978,9 +1979,3 +1980,0 +1981,9 +1982,4 +1983,6 +1984,4 +1985,0 +1986,2 +1987,0 +1988,1 +1989,7 +1990,5 +1991,9 +1992,8 +1993,7 +1994,8 +1995,6 +1996,2 +1997,0 +1998,0 +1999,3 +2000,7 +2001,8 +2002,6 +2003,1 +2004,6 +2005,7 +2006,2 +2007,9 +2008,9 +2009,7 +2010,1 +2011,1 +2012,4 +2013,1 +2014,6 +2015,6 +2016,7 +2017,0 +2018,8 +2019,4 +2020,7 +2021,0 +2022,9 +2023,4 +2024,6 +2025,2 +2026,6 +2027,7 +2028,3 +2029,2 +2030,9 +2031,6 +2032,5 +2033,2 +2034,5 +2035,8 +2036,5 +2037,6 +2038,3 +2039,2 +2040,2 +2041,7 +2042,9 +2043,3 +2044,4 +2045,9 +2046,2 +2047,8 +2048,0 +2049,2 +2050,4 +2051,0 +2052,9 +2053,4 +2054,5 +2055,8 +2056,8 +2057,9 +2058,3 +2059,3 +2060,5 +2061,9 +2062,0 +2063,7 +2064,0 +2065,5 +2066,5 +2067,2 +2068,9 +2069,1 +2070,9 +2071,9 +2072,4 +2073,6 +2074,4 +2075,6 +2076,8 +2077,9 +2078,0 +2079,0 +2080,8 +2081,2 +2082,1 +2083,6 +2084,8 +2085,2 +2086,2 +2087,2 +2088,8 +2089,5 +2090,5 +2091,7 +2092,3 +2093,3 +2094,5 +2095,9 +2096,6 +2097,2 +2098,3 +2099,4 +2100,3 +2101,7 +2102,7 +2103,9 +2104,2 +2105,6 +2106,6 +2107,9 +2108,5 +2109,8 +2110,0 +2111,6 +2112,7 +2113,4 +2114,2 +2115,2 +2116,4 +2117,0 +2118,6 +2119,2 +2120,1 +2121,9 +2122,2 +2123,5 +2124,7 +2125,5 +2126,6 +2127,2 +2128,0 +2129,6 +2130,8 +2131,2 +2132,4 +2133,4 +2134,4 +2135,7 +2136,6 +2137,8 +2138,1 +2139,4 +2140,6 +2141,6 +2142,1 +2143,5 +2144,2 +2145,5 +2146,3 +2147,0 +2148,1 +2149,1 +2150,4 +2151,7 +2152,0 +2153,3 +2154,6 +2155,5 +2156,0 +2157,5 +2158,2 +2159,0 +2160,8 +2161,9 +2162,1 +2163,5 +2164,7 +2165,3 +2166,3 +2167,6 +2168,1 +2169,6 +2170,5 +2171,9 +2172,5 +2173,2 +2174,0 +2175,7 +2176,4 +2177,0 +2178,2 +2179,7 +2180,4 +2181,4 +2182,6 +2183,0 +2184,4 +2185,6 +2186,8 +2187,9 +2188,1 +2189,7 +2190,4 +2191,7 +2192,9 +2193,4 +2194,7 +2195,4 +2196,8 +2197,5 +2198,9 +2199,5 +2200,5 +2201,1 +2202,9 +2203,3 +2204,6 +2205,4 +2206,0 +2207,2 +2208,6 +2209,5 +2210,8 +2211,0 +2212,4 +2213,2 +2214,1 +2215,2 +2216,6 +2217,7 +2218,3 +2219,7 +2220,7 +2221,1 +2222,5 +2223,5 +2224,4 +2225,0 +2226,1 +2227,4 +2228,2 +2229,1 +2230,1 +2231,4 +2232,2 +2233,2 +2234,1 +2235,1 +2236,7 +2237,9 +2238,4 +2239,8 +2240,0 +2241,8 +2242,9 +2243,3 +2244,8 +2245,9 +2246,4 +2247,6 +2248,3 +2249,3 +2250,3 +2251,9 +2252,0 +2253,3 +2254,6 +2255,9 +2256,1 +2257,4 +2258,6 +2259,0 +2260,6 +2261,0 +2262,5 +2263,9 +2264,0 +2265,1 +2266,8 +2267,0 +2268,4 +2269,2 +2270,0 +2271,1 +2272,5 +2273,3 +2274,4 +2275,5 +2276,7 +2277,6 +2278,8 +2279,8 +2280,7 +2281,9 +2282,0 +2283,3 +2284,2 +2285,6 +2286,0 +2287,5 +2288,5 +2289,9 +2290,6 +2291,5 +2292,4 +2293,2 +2294,1 +2295,4 +2296,3 +2297,6 +2298,4 +2299,8 +2300,7 +2301,2 +2302,2 +2303,0 +2304,3 +2305,4 +2306,5 +2307,3 +2308,3 +2309,1 +2310,6 +2311,4 +2312,5 +2313,9 +2314,7 +2315,0 +2316,1 +2317,2 +2318,5 +2319,3 +2320,2 +2321,6 +2322,4 +2323,2 +2324,5 +2325,9 +2326,3 +2327,4 +2328,6 +2329,3 +2330,5 +2331,8 +2332,2 +2333,8 +2334,9 +2335,8 +2336,7 +2337,5 +2338,3 +2339,9 +2340,9 +2341,4 +2342,6 +2343,7 +2344,3 +2345,6 +2346,9 +2347,9 +2348,6 +2349,6 +2350,0 +2351,9 +2352,4 +2353,9 +2354,9 +2355,4 +2356,1 +2357,7 +2358,2 +2359,8 +2360,8 +2361,0 +2362,5 +2363,6 +2364,7 +2365,1 +2366,8 +2367,0 +2368,6 +2369,0 +2370,3 +2371,2 +2372,2 +2373,4 +2374,2 +2375,1 +2376,1 +2377,6 +2378,7 +2379,6 +2380,7 +2381,5 +2382,3 +2383,6 +2384,6 +2385,3 +2386,4 +2387,3 +2388,7 +2389,8 +2390,8 +2391,7 +2392,0 +2393,0 +2394,7 +2395,7 +2396,1 +2397,6 +2398,0 +2399,3 +2400,9 +2401,9 +2402,8 +2403,5 +2404,1 +2405,7 +2406,0 +2407,1 +2408,0 +2409,5 +2410,4 +2411,9 +2412,0 +2413,1 +2414,9 +2415,0 +2416,9 +2417,8 +2418,4 +2419,2 +2420,2 +2421,5 +2422,5 +2423,0 +2424,0 +2425,5 +2426,9 +2427,4 +2428,3 +2429,4 +2430,2 +2431,5 +2432,0 +2433,0 +2434,3 +2435,3 +2436,3 +2437,5 +2438,9 +2439,0 +2440,1 +2441,1 +2442,5 +2443,9 +2444,2 +2445,2 +2446,3 +2447,3 +2448,4 +2449,4 +2450,1 +2451,0 +2452,8 +2453,3 +2454,5 +2455,5 +2456,6 +2457,9 +2458,1 +2459,9 +2460,8 +2461,7 +2462,0 +2463,3 +2464,3 +2465,8 +2466,7 +2467,0 +2468,3 +2469,3 +2470,9 +2471,7 +2472,3 +2473,1 +2474,9 +2475,6 +2476,3 +2477,3 +2478,4 +2479,0 +2480,2 +2481,1 +2482,3 +2483,9 +2484,5 +2485,1 +2486,4 +2487,9 +2488,7 +2489,9 +2490,6 +2491,1 +2492,5 +2493,6 +2494,6 +2495,9 +2496,0 +2497,4 +2498,2 +2499,2 +2500,4 +2501,3 +2502,7 +2503,6 +2504,4 +2505,1 +2506,4 +2507,2 +2508,4 +2509,1 +2510,0 +2511,2 +2512,2 +2513,1 +2514,0 +2515,2 +2516,7 +2517,2 +2518,6 +2519,9 +2520,2 +2521,0 +2522,2 +2523,0 +2524,0 +2525,5 +2526,0 +2527,3 +2528,3 +2529,0 +2530,6 +2531,6 +2532,4 +2533,1 +2534,5 +2535,9 +2536,2 +2537,4 +2538,8 +2539,9 +2540,1 +2541,1 +2542,3 +2543,0 +2544,1 +2545,1 +2546,5 +2547,0 +2548,2 +2549,9 +2550,7 +2551,3 +2552,6 +2553,8 +2554,7 +2555,8 +2556,8 +2557,7 +2558,2 +2559,6 +2560,9 +2561,4 +2562,5 +2563,7 +2564,1 +2565,3 +2566,6 +2567,0 +2568,9 +2569,9 +2570,4 +2571,6 +2572,8 +2573,6 +2574,4 +2575,1 +2576,0 +2577,3 +2578,3 +2579,0 +2580,1 +2581,8 +2582,9 +2583,3 +2584,5 +2585,7 +2586,7 +2587,3 +2588,4 +2589,6 +2590,2 +2591,9 +2592,3 +2593,0 +2594,7 +2595,2 +2596,8 +2597,8 +2598,2 +2599,4 +2600,0 +2601,6 +2602,9 +2603,8 +2604,3 +2605,9 +2606,9 +2607,0 +2608,1 +2609,6 +2610,7 +2611,7 +2612,5 +2613,4 +2614,6 +2615,8 +2616,7 +2617,6 +2618,6 +2619,3 +2620,3 +2621,5 +2622,2 +2623,1 +2624,6 +2625,4 +2626,1 +2627,9 +2628,9 +2629,6 +2630,4 +2631,6 +2632,4 +2633,5 +2634,9 +2635,4 +2636,9 +2637,9 +2638,3 +2639,2 +2640,5 +2641,1 +2642,6 +2643,2 +2644,8 +2645,7 +2646,2 +2647,8 +2648,4 +2649,7 +2650,4 +2651,1 +2652,0 +2653,1 +2654,9 +2655,0 +2656,7 +2657,4 +2658,9 +2659,0 +2660,9 +2661,2 +2662,4 +2663,0 +2664,3 +2665,6 +2666,7 +2667,4 +2668,9 +2669,7 +2670,0 +2671,2 +2672,8 +2673,5 +2674,6 +2675,4 +2676,2 +2677,4 +2678,5 +2679,2 +2680,6 +2681,6 +2682,8 +2683,8 +2684,6 +2685,7 +2686,4 +2687,1 +2688,4 +2689,8 +2690,3 +2691,2 +2692,5 +2693,4 +2694,0 +2695,9 +2696,0 +2697,1 +2698,6 +2699,9 +2700,7 +2701,7 +2702,3 +2703,9 +2704,5 +2705,3 +2706,1 +2707,9 +2708,2 +2709,6 +2710,7 +2711,9 +2712,1 +2713,0 +2714,5 +2715,1 +2716,6 +2717,8 +2718,8 +2719,6 +2720,7 +2721,3 +2722,7 +2723,2 +2724,8 +2725,5 +2726,5 +2727,0 +2728,8 +2729,1 +2730,6 +2731,6 +2732,4 +2733,9 +2734,9 +2735,1 +2736,6 +2737,9 +2738,8 +2739,5 +2740,3 +2741,7 +2742,7 +2743,8 +2744,7 +2745,4 +2746,7 +2747,0 +2748,4 +2749,0 +2750,5 +2751,4 +2752,3 +2753,1 +2754,9 +2755,6 +2756,3 +2757,0 +2758,0 +2759,2 +2760,8 +2761,9 +2762,8 +2763,1 +2764,1 +2765,8 +2766,1 +2767,3 +2768,2 +2769,3 +2770,1 +2771,0 +2772,5 +2773,8 +2774,5 +2775,0 +2776,7 +2777,2 +2778,0 +2779,6 +2780,1 +2781,8 +2782,1 +2783,1 +2784,8 +2785,2 +2786,2 +2787,6 +2788,1 +2789,7 +2790,9 +2791,7 +2792,6 +2793,7 +2794,5 +2795,1 +2796,9 +2797,6 +2798,3 +2799,7 +2800,6 +2801,4 +2802,4 +2803,4 +2804,0 +2805,8 +2806,2 +2807,0 +2808,8 +2809,6 +2810,4 +2811,8 +2812,1 +2813,9 +2814,2 +2815,9 +2816,5 +2817,1 +2818,5 +2819,1 +2820,1 +2821,4 +2822,9 +2823,0 +2824,1 +2825,2 +2826,4 +2827,6 +2828,1 +2829,4 +2830,2 +2831,9 +2832,2 +2833,9 +2834,2 +2835,6 +2836,6 +2837,5 +2838,5 +2839,5 +2840,8 +2841,3 +2842,6 +2843,1 +2844,1 +2845,6 +2846,1 +2847,2 +2848,1 +2849,9 +2850,4 +2851,7 +2852,4 +2853,7 +2854,1 +2855,0 +2856,6 +2857,4 +2858,6 +2859,5 +2860,3 +2861,3 +2862,4 +2863,0 +2864,1 +2865,1 +2866,6 +2867,0 +2868,5 +2869,1 +2870,2 +2871,1 +2872,6 +2873,4 +2874,3 +2875,9 +2876,0 +2877,4 +2878,0 +2879,3 +2880,1 +2881,4 +2882,9 +2883,2 +2884,1 +2885,7 +2886,0 +2887,9 +2888,6 +2889,8 +2890,5 +2891,8 +2892,6 +2893,0 +2894,8 +2895,7 +2896,9 +2897,9 +2898,3 +2899,1 +2900,3 +2901,2 +2902,3 +2903,1 +2904,1 +2905,2 +2906,0 +2907,0 +2908,7 +2909,7 +2910,8 +2911,1 +2912,6 +2913,0 +2914,6 +2915,7 +2916,4 +2917,3 +2918,6 +2919,7 +2920,2 +2921,2 +2922,8 +2923,9 +2924,9 +2925,4 +2926,2 +2927,7 +2928,7 +2929,2 +2930,8 +2931,1 +2932,7 +2933,7 +2934,3 +2935,7 +2936,8 +2937,4 +2938,2 +2939,5 +2940,6 +2941,1 +2942,9 +2943,7 +2944,7 +2945,7 +2946,8 +2947,9 +2948,9 +2949,7 +2950,8 +2951,9 +2952,5 +2953,2 +2954,9 +2955,5 +2956,0 +2957,7 +2958,6 +2959,1 +2960,6 +2961,5 +2962,2 +2963,7 +2964,3 +2965,5 +2966,6 +2967,9 +2968,5 +2969,8 +2970,8 +2971,2 +2972,2 +2973,9 +2974,7 +2975,9 +2976,5 +2977,1 +2978,1 +2979,1 +2980,4 +2981,5 +2982,6 +2983,1 +2984,7 +2985,0 +2986,7 +2987,9 +2988,2 +2989,7 +2990,2 +2991,3 +2992,1 +2993,5 +2994,7 +2995,1 +2996,5 +2997,1 +2998,6 +2999,0 +3000,2 +3001,6 +3002,9 +3003,9 +3004,7 +3005,9 +3006,3 +3007,7 +3008,7 +3009,7 +3010,5 +3011,6 +3012,2 +3013,9 +3014,8 +3015,8 +3016,4 +3017,7 +3018,3 +3019,1 +3020,3 +3021,4 +3022,8 +3023,2 +3024,0 +3025,2 +3026,6 +3027,3 +3028,1 +3029,0 +3030,9 +3031,9 +3032,1 +3033,6 +3034,8 +3035,8 +3036,6 +3037,6 +3038,2 +3039,2 +3040,6 +3041,1 +3042,6 +3043,6 +3044,2 +3045,0 +3046,6 +3047,0 +3048,8 +3049,1 +3050,2 +3051,8 +3052,6 +3053,4 +3054,8 +3055,5 +3056,0 +3057,4 +3058,0 +3059,0 +3060,9 +3061,7 +3062,9 +3063,2 +3064,9 +3065,2 +3066,8 +3067,5 +3068,3 +3069,5 +3070,8 +3071,7 +3072,9 +3073,5 +3074,7 +3075,3 +3076,0 +3077,2 +3078,8 +3079,0 +3080,6 +3081,4 +3082,5 +3083,9 +3084,9 +3085,3 +3086,9 +3087,2 +3088,2 +3089,3 +3090,3 +3091,7 +3092,4 +3093,5 +3094,8 +3095,5 +3096,8 +3097,6 +3098,3 +3099,3 +3100,1 +3101,2 +3102,6 +3103,8 +3104,5 +3105,5 +3106,2 +3107,7 +3108,9 +3109,1 +3110,9 +3111,3 +3112,6 +3113,8 +3114,8 +3115,2 +3116,5 +3117,8 +3118,3 +3119,9 +3120,1 +3121,6 +3122,9 +3123,6 +3124,7 +3125,5 +3126,8 +3127,3 +3128,6 +3129,8 +3130,6 +3131,7 +3132,5 +3133,1 +3134,2 +3135,8 +3136,9 +3137,3 +3138,8 +3139,8 +3140,3 +3141,9 +3142,4 +3143,8 +3144,7 +3145,6 +3146,9 +3147,5 +3148,3 +3149,0 +3150,9 +3151,9 +3152,6 +3153,8 +3154,7 +3155,9 +3156,1 +3157,2 +3158,3 +3159,2 +3160,1 +3161,5 +3162,2 +3163,9 +3164,4 +3165,4 +3166,4 +3167,3 +3168,0 +3169,0 +3170,3 +3171,1 +3172,3 +3173,1 +3174,1 +3175,3 +3176,5 +3177,6 +3178,2 +3179,7 +3180,6 +3181,0 +3182,4 +3183,4 +3184,7 +3185,0 +3186,7 +3187,0 +3188,8 +3189,7 +3190,1 +3191,3 +3192,7 +3193,8 +3194,9 +3195,0 +3196,9 +3197,0 +3198,0 +3199,1 +3200,8 +3201,8 +3202,7 +3203,4 +3204,8 +3205,3 +3206,5 +3207,9 +3208,0 +3209,3 +3210,6 +3211,3 +3212,6 +3213,5 +3214,0 +3215,4 +3216,2 +3217,6 +3218,9 +3219,3 +3220,0 +3221,9 +3222,4 +3223,5 +3224,7 +3225,7 +3226,4 +3227,2 +3228,3 +3229,9 +3230,2 +3231,8 +3232,8 +3233,0 +3234,1 +3235,9 +3236,4 +3237,2 +3238,2 +3239,1 +3240,3 +3241,2 +3242,7 +3243,3 +3244,5 +3245,1 +3246,3 +3247,0 +3248,2 +3249,1 +3250,1 +3251,7 +3252,9 +3253,1 +3254,8 +3255,9 +3256,7 +3257,6 +3258,9 +3259,7 +3260,1 +3261,8 +3262,9 +3263,9 +3264,2 +3265,0 +3266,6 +3267,1 +3268,5 +3269,2 +3270,0 +3271,9 +3272,2 +3273,5 +3274,5 +3275,3 +3276,4 +3277,0 +3278,9 +3279,0 +3280,4 +3281,4 +3282,0 +3283,4 +3284,3 +3285,7 +3286,8 +3287,0 +3288,4 +3289,0 +3290,2 +3291,6 +3292,8 +3293,2 +3294,1 +3295,5 +3296,2 +3297,5 +3298,8 +3299,5 +3300,6 +3301,1 +3302,4 +3303,8 +3304,6 +3305,2 +3306,1 +3307,3 +3308,9 +3309,8 +3310,3 +3311,7 +3312,8 +3313,7 +3314,8 +3315,2 +3316,1 +3317,5 +3318,6 +3319,4 +3320,7 +3321,5 +3322,5 +3323,4 +3324,0 +3325,8 +3326,1 +3327,6 +3328,6 +3329,3 +3330,3 +3331,7 +3332,8 +3333,8 +3334,4 +3335,3 +3336,4 +3337,3 +3338,2 +3339,1 +3340,7 +3341,0 +3342,9 +3343,4 +3344,2 +3345,8 +3346,6 +3347,8 +3348,5 +3349,2 +3350,8 +3351,4 +3352,8 +3353,1 +3354,4 +3355,3 +3356,7 +3357,1 +3358,2 +3359,1 +3360,5 +3361,3 +3362,4 +3363,7 +3364,2 +3365,4 +3366,7 +3367,6 +3368,9 +3369,1 +3370,2 +3371,8 +3372,6 +3373,8 +3374,2 +3375,6 +3376,2 +3377,0 +3378,1 +3379,1 +3380,0 +3381,6 +3382,3 +3383,9 +3384,7 +3385,3 +3386,1 +3387,9 +3388,4 +3389,4 +3390,9 +3391,7 +3392,2 +3393,7 +3394,8 +3395,1 +3396,3 +3397,5 +3398,1 +3399,2 +3400,7 +3401,6 +3402,6 +3403,5 +3404,0 +3405,4 +3406,5 +3407,9 +3408,6 +3409,3 +3410,9 +3411,1 +3412,2 +3413,4 +3414,1 +3415,3 +3416,4 +3417,0 +3418,1 +3419,8 +3420,0 +3421,2 +3422,9 +3423,2 +3424,7 +3425,7 +3426,9 +3427,1 +3428,4 +3429,7 +3430,3 +3431,3 +3432,9 +3433,9 +3434,1 +3435,3 +3436,7 +3437,8 +3438,4 +3439,9 +3440,7 +3441,9 +3442,7 +3443,1 +3444,5 +3445,4 +3446,0 +3447,0 +3448,0 +3449,3 +3450,5 +3451,8 +3452,3 +3453,0 +3454,4 +3455,1 +3456,2 +3457,8 +3458,1 +3459,0 +3460,8 +3461,8 +3462,3 +3463,4 +3464,6 +3465,9 +3466,3 +3467,2 +3468,7 +3469,2 +3470,6 +3471,8 +3472,1 +3473,0 +3474,1 +3475,8 +3476,1 +3477,3 +3478,7 +3479,4 +3480,9 +3481,1 +3482,3 +3483,5 +3484,0 +3485,3 +3486,8 +3487,4 +3488,8 +3489,6 +3490,1 +3491,2 +3492,9 +3493,6 +3494,6 +3495,6 +3496,1 +3497,9 +3498,0 +3499,3 +3500,9 +3501,8 +3502,4 +3503,6 +3504,3 +3505,6 +3506,8 +3507,9 +3508,9 +3509,5 +3510,1 +3511,8 +3512,0 +3513,2 +3514,0 +3515,8 +3516,9 +3517,5 +3518,2 +3519,0 +3520,1 +3521,0 +3522,7 +3523,2 +3524,8 +3525,1 +3526,8 +3527,3 +3528,8 +3529,7 +3530,9 +3531,6 +3532,9 +3533,9 +3534,5 +3535,7 +3536,4 +3537,6 +3538,4 +3539,9 +3540,6 +3541,0 +3542,0 +3543,4 +3544,3 +3545,5 +3546,7 +3547,1 +3548,2 +3549,1 +3550,9 +3551,2 +3552,1 +3553,3 +3554,1 +3555,9 +3556,1 +3557,8 +3558,5 +3559,8 +3560,7 +3561,9 +3562,3 +3563,2 +3564,3 +3565,6 +3566,1 +3567,7 +3568,5 +3569,2 +3570,2 +3571,6 +3572,3 +3573,7 +3574,0 +3575,5 +3576,5 +3577,7 +3578,9 +3579,6 +3580,8 +3581,6 +3582,0 +3583,9 +3584,5 +3585,9 +3586,4 +3587,1 +3588,9 +3589,5 +3590,0 +3591,7 +3592,6 +3593,2 +3594,5 +3595,5 +3596,6 +3597,6 +3598,0 +3599,4 +3600,3 +3601,8 +3602,4 +3603,3 +3604,5 +3605,0 +3606,2 +3607,6 +3608,5 +3609,0 +3610,2 +3611,6 +3612,0 +3613,6 +3614,0 +3615,5 +3616,3 +3617,6 +3618,1 +3619,9 +3620,3 +3621,8 +3622,4 +3623,4 +3624,3 +3625,2 +3626,5 +3627,4 +3628,4 +3629,0 +3630,6 +3631,1 +3632,2 +3633,0 +3634,3 +3635,5 +3636,5 +3637,0 +3638,4 +3639,1 +3640,1 +3641,3 +3642,3 +3643,9 +3644,3 +3645,3 +3646,6 +3647,4 +3648,9 +3649,0 +3650,6 +3651,9 +3652,7 +3653,9 +3654,8 +3655,5 +3656,7 +3657,9 +3658,1 +3659,4 +3660,6 +3661,8 +3662,6 +3663,8 +3664,4 +3665,9 +3666,7 +3667,1 +3668,6 +3669,8 +3670,6 +3671,7 +3672,9 +3673,4 +3674,2 +3675,0 +3676,9 +3677,7 +3678,9 +3679,1 +3680,6 +3681,6 +3682,8 +3683,0 +3684,6 +3685,3 +3686,7 +3687,7 +3688,6 +3689,7 +3690,0 +3691,1 +3692,6 +3693,5 +3694,4 +3695,5 +3696,6 +3697,2 +3698,5 +3699,3 +3700,9 +3701,5 +3702,1 +3703,3 +3704,9 +3705,6 +3706,9 +3707,2 +3708,0 +3709,6 +3710,2 +3711,7 +3712,6 +3713,0 +3714,0 +3715,3 +3716,8 +3717,1 +3718,2 +3719,9 +3720,3 +3721,0 +3722,6 +3723,1 +3724,2 +3725,9 +3726,8 +3727,6 +3728,5 +3729,1 +3730,3 +3731,6 +3732,7 +3733,1 +3734,5 +3735,1 +3736,5 +3737,1 +3738,7 +3739,3 +3740,7 +3741,9 +3742,5 +3743,2 +3744,4 +3745,9 +3746,6 +3747,8 +3748,6 +3749,6 +3750,0 +3751,8 +3752,1 +3753,7 +3754,7 +3755,1 +3756,9 +3757,0 +3758,1 +3759,4 +3760,9 +3761,1 +3762,7 +3763,3 +3764,1 +3765,6 +3766,2 +3767,2 +3768,7 +3769,2 +3770,4 +3771,1 +3772,5 +3773,6 +3774,1 +3775,5 +3776,3 +3777,2 +3778,2 +3779,9 +3780,1 +3781,7 +3782,4 +3783,8 +3784,6 +3785,5 +3786,6 +3787,3 +3788,8 +3789,1 +3790,3 +3791,9 +3792,5 +3793,6 +3794,7 +3795,5 +3796,3 +3797,3 +3798,7 +3799,7 +3800,1 +3801,8 +3802,0 +3803,6 +3804,3 +3805,9 +3806,3 +3807,3 +3808,6 +3809,8 +3810,2 +3811,0 +3812,1 +3813,0 +3814,1 +3815,1 +3816,3 +3817,2 +3818,2 +3819,9 +3820,0 +3821,3 +3822,8 +3823,8 +3824,0 +3825,5 +3826,9 +3827,8 +3828,3 +3829,3 +3830,1 +3831,3 +3832,6 +3833,5 +3834,2 +3835,7 +3836,2 +3837,9 +3838,8 +3839,5 +3840,7 +3841,1 +3842,7 +3843,4 +3844,3 +3845,9 +3846,4 +3847,4 +3848,3 +3849,2 +3850,0 +3851,0 +3852,0 +3853,3 +3854,1 +3855,1 +3856,4 +3857,3 +3858,9 +3859,2 +3860,2 +3861,2 +3862,8 +3863,4 +3864,7 +3865,4 +3866,0 +3867,4 +3868,9 +3869,1 +3870,0 +3871,7 +3872,1 +3873,2 +3874,1 +3875,6 +3876,2 +3877,4 +3878,0 +3879,4 +3880,6 +3881,0 +3882,5 +3883,1 +3884,4 +3885,2 +3886,6 +3887,2 +3888,9 +3889,7 +3890,3 +3891,4 +3892,3 +3893,9 +3894,0 +3895,1 +3896,4 +3897,8 +3898,6 +3899,2 +3900,1 +3901,1 +3902,7 +3903,3 +3904,2 +3905,9 +3906,2 +3907,2 +3908,5 +3909,2 +3910,1 +3911,0 +3912,2 +3913,5 +3914,0 +3915,0 +3916,0 +3917,4 +3918,2 +3919,7 +3920,3 +3921,0 +3922,2 +3923,1 +3924,9 +3925,0 +3926,8 +3927,5 +3928,3 +3929,8 +3930,2 +3931,2 +3932,0 +3933,2 +3934,7 +3935,5 +3936,4 +3937,0 +3938,3 +3939,0 +3940,2 +3941,2 +3942,8 +3943,0 +3944,9 +3945,2 +3946,3 +3947,0 +3948,2 +3949,9 +3950,8 +3951,7 +3952,1 +3953,4 +3954,2 +3955,2 +3956,1 +3957,6 +3958,7 +3959,6 +3960,6 +3961,3 +3962,3 +3963,6 +3964,7 +3965,3 +3966,9 +3967,1 +3968,2 +3969,8 +3970,5 +3971,0 +3972,1 +3973,0 +3974,9 +3975,7 +3976,9 +3977,0 +3978,8 +3979,5 +3980,1 +3981,4 +3982,3 +3983,6 +3984,4 +3985,8 +3986,1 +3987,2 +3988,2 +3989,5 +3990,4 +3991,2 +3992,9 +3993,8 +3994,2 +3995,6 +3996,5 +3997,8 +3998,3 +3999,1 +4000,7 +4001,4 +4002,6 +4003,0 +4004,1 +4005,3 +4006,8 +4007,1 +4008,4 +4009,0 +4010,3 +4011,6 +4012,6 +4013,1 +4014,6 +4015,2 +4016,3 +4017,9 +4018,1 +4019,5 +4020,6 +4021,6 +4022,1 +4023,4 +4024,0 +4025,3 +4026,6 +4027,0 +4028,5 +4029,6 +4030,8 +4031,9 +4032,4 +4033,7 +4034,7 +4035,7 +4036,8 +4037,8 +4038,7 +4039,5 +4040,2 +4041,7 +4042,8 +4043,1 +4044,1 +4045,9 +4046,5 +4047,4 +4048,1 +4049,0 +4050,1 +4051,3 +4052,2 +4053,3 +4054,6 +4055,3 +4056,3 +4057,1 +4058,2 +4059,7 +4060,1 +4061,7 +4062,7 +4063,0 +4064,0 +4065,3 +4066,0 +4067,0 +4068,2 +4069,0 +4070,0 +4071,7 +4072,1 +4073,7 +4074,8 +4075,6 +4076,5 +4077,7 +4078,1 +4079,6 +4080,6 +4081,8 +4082,4 +4083,9 +4084,1 +4085,3 +4086,4 +4087,0 +4088,4 +4089,9 +4090,2 +4091,8 +4092,6 +4093,2 +4094,7 +4095,4 +4096,7 +4097,5 +4098,0 +4099,3 +4100,7 +4101,5 +4102,6 +4103,6 +4104,9 +4105,0 +4106,3 +4107,5 +4108,2 +4109,8 +4110,9 +4111,8 +4112,2 +4113,2 +4114,9 +4115,7 +4116,1 +4117,7 +4118,7 +4119,2 +4120,7 +4121,3 +4122,2 +4123,2 +4124,8 +4125,4 +4126,0 +4127,2 +4128,2 +4129,8 +4130,1 +4131,1 +4132,2 +4133,2 +4134,2 +4135,3 +4136,8 +4137,1 +4138,6 +4139,3 +4140,9 +4141,4 +4142,3 +4143,9 +4144,7 +4145,9 +4146,0 +4147,7 +4148,3 +4149,5 +4150,2 +4151,3 +4152,0 +4153,1 +4154,9 +4155,9 +4156,7 +4157,9 +4158,2 +4159,7 +4160,4 +4161,7 +4162,7 +4163,6 +4164,5 +4165,1 +4166,9 +4167,5 +4168,4 +4169,7 +4170,2 +4171,2 +4172,5 +4173,6 +4174,3 +4175,5 +4176,8 +4177,2 +4178,3 +4179,3 +4180,1 +4181,4 +4182,7 +4183,3 +4184,8 +4185,4 +4186,3 +4187,7 +4188,4 +4189,1 +4190,9 +4191,0 +4192,4 +4193,8 +4194,0 +4195,6 +4196,5 +4197,6 +4198,5 +4199,2 +4200,0 +4201,3 +4202,3 +4203,1 +4204,6 +4205,1 +4206,4 +4207,1 +4208,1 +4209,1 +4210,1 +4211,3 +4212,7 +4213,1 +4214,0 +4215,4 +4216,2 +4217,9 +4218,3 +4219,5 +4220,9 +4221,5 +4222,5 +4223,2 +4224,0 +4225,0 +4226,8 +4227,0 +4228,4 +4229,2 +4230,4 +4231,3 +4232,8 +4233,7 +4234,9 +4235,4 +4236,0 +4237,1 +4238,4 +4239,9 +4240,4 +4241,4 +4242,3 +4243,2 +4244,0 +4245,8 +4246,4 +4247,1 +4248,0 +4249,9 +4250,3 +4251,2 +4252,9 +4253,6 +4254,9 +4255,0 +4256,6 +4257,1 +4258,1 +4259,7 +4260,4 +4261,7 +4262,8 +4263,7 +4264,3 +4265,7 +4266,0 +4267,1 +4268,8 +4269,3 +4270,2 +4271,5 +4272,4 +4273,8 +4274,9 +4275,1 +4276,0 +4277,2 +4278,8 +4279,7 +4280,9 +4281,4 +4282,4 +4283,7 +4284,6 +4285,9 +4286,4 +4287,1 +4288,7 +4289,8 +4290,8 +4291,3 +4292,4 +4293,2 +4294,4 +4295,1 +4296,8 +4297,7 +4298,8 +4299,7 +4300,4 +4301,9 +4302,4 +4303,7 +4304,3 +4305,6 +4306,9 +4307,1 +4308,3 +4309,1 +4310,0 +4311,1 +4312,8 +4313,1 +4314,6 +4315,9 +4316,3 +4317,3 +4318,6 +4319,5 +4320,5 +4321,8 +4322,1 +4323,9 +4324,2 +4325,3 +4326,7 +4327,9 +4328,9 +4329,2 +4330,9 +4331,8 +4332,3 +4333,4 +4334,5 +4335,1 +4336,9 +4337,9 +4338,6 +4339,1 +4340,3 +4341,5 +4342,2 +4343,9 +4344,6 +4345,5 +4346,3 +4347,5 +4348,4 +4349,5 +4350,0 +4351,2 +4352,6 +4353,8 +4354,9 +4355,9 +4356,0 +4357,6 +4358,6 +4359,7 +4360,5 +4361,8 +4362,2 +4363,0 +4364,9 +4365,5 +4366,0 +4367,1 +4368,9 +4369,7 +4370,2 +4371,3 +4372,3 +4373,0 +4374,4 +4375,8 +4376,3 +4377,1 +4378,3 +4379,9 +4380,0 +4381,3 +4382,8 +4383,4 +4384,9 +4385,4 +4386,6 +4387,8 +4388,9 +4389,6 +4390,9 +4391,0 +4392,8 +4393,6 +4394,5 +4395,0 +4396,4 +4397,8 +4398,6 +4399,0 +4400,0 +4401,9 +4402,1 +4403,4 +4404,2 +4405,5 +4406,6 +4407,3 +4408,8 +4409,8 +4410,8 +4411,8 +4412,2 +4413,4 +4414,2 +4415,7 +4416,6 +4417,4 +4418,7 +4419,8 +4420,6 +4421,9 +4422,8 +4423,6 +4424,3 +4425,5 +4426,4 +4427,3 +4428,9 +4429,9 +4430,3 +4431,0 +4432,8 +4433,2 +4434,9 +4435,1 +4436,6 +4437,9 +4438,1 +4439,0 +4440,1 +4441,8 +4442,7 +4443,6 +4444,5 +4445,5 +4446,4 +4447,1 +4448,7 +4449,9 +4450,9 +4451,1 +4452,1 +4453,2 +4454,3 +4455,9 +4456,0 +4457,7 +4458,2 +4459,2 +4460,4 +4461,1 +4462,7 +4463,7 +4464,7 +4465,8 +4466,3 +4467,5 +4468,1 +4469,6 +4470,2 +4471,1 +4472,0 +4473,8 +4474,7 +4475,7 +4476,5 +4477,1 +4478,1 +4479,8 +4480,6 +4481,3 +4482,6 +4483,6 +4484,9 +4485,8 +4486,1 +4487,7 +4488,4 +4489,4 +4490,1 +4491,6 +4492,7 +4493,8 +4494,0 +4495,7 +4496,6 +4497,1 +4498,6 +4499,8 +4500,1 +4501,3 +4502,9 +4503,0 +4504,7 +4505,5 +4506,3 +4507,2 +4508,7 +4509,0 +4510,1 +4511,1 +4512,4 +4513,0 +4514,8 +4515,7 +4516,0 +4517,6 +4518,5 +4519,1 +4520,7 +4521,0 +4522,1 +4523,5 +4524,6 +4525,1 +4526,4 +4527,8 +4528,6 +4529,8 +4530,9 +4531,5 +4532,1 +4533,0 +4534,2 +4535,2 +4536,0 +4537,7 +4538,8 +4539,3 +4540,5 +4541,1 +4542,2 +4543,3 +4544,7 +4545,2 +4546,9 +4547,8 +4548,4 +4549,9 +4550,1 +4551,0 +4552,3 +4553,3 +4554,5 +4555,9 +4556,2 +4557,7 +4558,6 +4559,3 +4560,3 +4561,8 +4562,0 +4563,0 +4564,9 +4565,7 +4566,5 +4567,5 +4568,0 +4569,3 +4570,8 +4571,7 +4572,2 +4573,1 +4574,0 +4575,7 +4576,1 +4577,5 +4578,7 +4579,0 +4580,2 +4581,5 +4582,4 +4583,2 +4584,6 +4585,1 +4586,3 +4587,1 +4588,1 +4589,3 +4590,6 +4591,6 +4592,8 +4593,4 +4594,2 +4595,3 +4596,0 +4597,1 +4598,4 +4599,4 +4600,1 +4601,1 +4602,8 +4603,4 +4604,7 +4605,6 +4606,7 +4607,5 +4608,1 +4609,9 +4610,2 +4611,0 +4612,9 +4613,1 +4614,4 +4615,3 +4616,9 +4617,4 +4618,6 +4619,9 +4620,8 +4621,5 +4622,0 +4623,8 +4624,4 +4625,7 +4626,0 +4627,0 +4628,8 +4629,0 +4630,4 +4631,7 +4632,0 +4633,2 +4634,2 +4635,7 +4636,9 +4637,6 +4638,9 +4639,5 +4640,6 +4641,1 +4642,1 +4643,1 +4644,4 +4645,8 +4646,7 +4647,9 +4648,6 +4649,2 +4650,2 +4651,2 +4652,8 +4653,5 +4654,7 +4655,1 +4656,1 +4657,1 +4658,2 +4659,9 +4660,1 +4661,8 +4662,1 +4663,3 +4664,2 +4665,1 +4666,0 +4667,6 +4668,4 +4669,7 +4670,6 +4671,5 +4672,9 +4673,1 +4674,2 +4675,8 +4676,8 +4677,4 +4678,4 +4679,3 +4680,7 +4681,4 +4682,4 +4683,9 +4684,2 +4685,8 +4686,8 +4687,6 +4688,1 +4689,3 +4690,4 +4691,5 +4692,6 +4693,8 +4694,7 +4695,0 +4696,0 +4697,1 +4698,5 +4699,4 +4700,8 +4701,5 +4702,7 +4703,3 +4704,2 +4705,0 +4706,9 +4707,9 +4708,4 +4709,9 +4710,5 +4711,0 +4712,3 +4713,6 +4714,3 +4715,3 +4716,1 +4717,7 +4718,4 +4719,0 +4720,0 +4721,2 +4722,7 +4723,7 +4724,1 +4725,8 +4726,7 +4727,4 +4728,5 +4729,0 +4730,1 +4731,9 +4732,7 +4733,4 +4734,5 +4735,0 +4736,9 +4737,8 +4738,6 +4739,3 +4740,3 +4741,1 +4742,6 +4743,8 +4744,8 +4745,0 +4746,9 +4747,9 +4748,1 +4749,9 +4750,3 +4751,7 +4752,4 +4753,0 +4754,3 +4755,0 +4756,4 +4757,9 +4758,9 +4759,8 +4760,8 +4761,0 +4762,9 +4763,0 +4764,1 +4765,6 +4766,6 +4767,2 +4768,0 +4769,2 +4770,5 +4771,7 +4772,0 +4773,6 +4774,9 +4775,8 +4776,2 +4777,2 +4778,5 +4779,3 +4780,6 +4781,6 +4782,3 +4783,2 +4784,5 +4785,9 +4786,3 +4787,5 +4788,2 +4789,9 +4790,5 +4791,4 +4792,1 +4793,7 +4794,2 +4795,5 +4796,3 +4797,9 +4798,9 +4799,2 +4800,4 +4801,0 +4802,8 +4803,7 +4804,9 +4805,7 +4806,8 +4807,6 +4808,6 +4809,8 +4810,3 +4811,2 +4812,6 +4813,7 +4814,0 +4815,6 +4816,0 +4817,2 +4818,2 +4819,3 +4820,0 +4821,6 +4822,3 +4823,3 +4824,4 +4825,2 +4826,1 +4827,4 +4828,3 +4829,3 +4830,0 +4831,0 +4832,3 +4833,2 +4834,4 +4835,1 +4836,5 +4837,9 +4838,2 +4839,4 +4840,9 +4841,5 +4842,8 +4843,7 +4844,9 +4845,9 +4846,1 +4847,8 +4848,0 +4849,0 +4850,9 +4851,0 +4852,8 +4853,2 +4854,0 +4855,9 +4856,8 +4857,6 +4858,2 +4859,3 +4860,2 +4861,0 +4862,6 +4863,3 +4864,8 +4865,1 +4866,9 +4867,2 +4868,0 +4869,4 +4870,2 +4871,8 +4872,9 +4873,4 +4874,3 +4875,6 +4876,0 +4877,2 +4878,0 +4879,4 +4880,5 +4881,3 +4882,4 +4883,1 +4884,2 +4885,2 +4886,4 +4887,9 +4888,4 +4889,3 +4890,2 +4891,1 +4892,9 +4893,1 +4894,6 +4895,1 +4896,0 +4897,3 +4898,4 +4899,0 +4900,1 +4901,9 +4902,4 +4903,0 +4904,0 +4905,4 +4906,8 +4907,1 +4908,9 +4909,2 +4910,3 +4911,3 +4912,4 +4913,3 +4914,7 +4915,0 +4916,7 +4917,9 +4918,7 +4919,4 +4920,5 +4921,9 +4922,7 +4923,7 +4924,0 +4925,4 +4926,2 +4927,2 +4928,7 +4929,8 +4930,5 +4931,0 +4932,4 +4933,9 +4934,8 +4935,8 +4936,2 +4937,4 +4938,1 +4939,4 +4940,1 +4941,4 +4942,1 +4943,0 +4944,9 +4945,9 +4946,5 +4947,6 +4948,4 +4949,9 +4950,1 +4951,2 +4952,6 +4953,0 +4954,3 +4955,0 +4956,2 +4957,3 +4958,0 +4959,4 +4960,0 +4961,1 +4962,0 +4963,8 +4964,4 +4965,9 +4966,3 +4967,7 +4968,1 +4969,4 +4970,1 +4971,7 +4972,6 +4973,0 +4974,7 +4975,7 +4976,1 +4977,5 +4978,0 +4979,3 +4980,6 +4981,0 +4982,2 +4983,8 +4984,8 +4985,8 +4986,5 +4987,7 +4988,7 +4989,2 +4990,9 +4991,6 +4992,7 +4993,8 +4994,1 +4995,6 +4996,7 +4997,3 +4998,1 +4999,7 +5000,3 +5001,1 +5002,8 +5003,0 +5004,1 +5005,0 +5006,4 +5007,3 +5008,2 +5009,2 +5010,9 +5011,7 +5012,9 +5013,3 +5014,6 +5015,2 +5016,3 +5017,4 +5018,1 +5019,3 +5020,0 +5021,9 +5022,9 +5023,2 +5024,6 +5025,4 +5026,0 +5027,0 +5028,7 +5029,5 +5030,1 +5031,8 +5032,3 +5033,8 +5034,1 +5035,6 +5036,5 +5037,8 +5038,9 +5039,2 +5040,2 +5041,0 +5042,7 +5043,1 +5044,6 +5045,7 +5046,1 +5047,6 +5048,8 +5049,4 +5050,3 +5051,5 +5052,9 +5053,1 +5054,3 +5055,5 +5056,3 +5057,1 +5058,9 +5059,2 +5060,5 +5061,8 +5062,6 +5063,3 +5064,6 +5065,0 +5066,9 +5067,2 +5068,5 +5069,1 +5070,3 +5071,7 +5072,4 +5073,4 +5074,4 +5075,8 +5076,0 +5077,6 +5078,3 +5079,3 +5080,0 +5081,4 +5082,3 +5083,6 +5084,1 +5085,7 +5086,6 +5087,2 +5088,7 +5089,1 +5090,7 +5091,0 +5092,6 +5093,9 +5094,6 +5095,5 +5096,1 +5097,3 +5098,6 +5099,8 +5100,1 +5101,9 +5102,5 +5103,6 +5104,6 +5105,9 +5106,3 +5107,6 +5108,8 +5109,2 +5110,4 +5111,0 +5112,6 +5113,1 +5114,8 +5115,5 +5116,1 +5117,4 +5118,0 +5119,9 +5120,9 +5121,9 +5122,4 +5123,8 +5124,4 +5125,1 +5126,6 +5127,4 +5128,9 +5129,1 +5130,8 +5131,5 +5132,2 +5133,3 +5134,4 +5135,6 +5136,1 +5137,0 +5138,1 +5139,6 +5140,7 +5141,9 +5142,0 +5143,0 +5144,8 +5145,3 +5146,4 +5147,2 +5148,5 +5149,2 +5150,8 +5151,4 +5152,6 +5153,9 +5154,7 +5155,1 +5156,8 +5157,3 +5158,5 +5159,4 +5160,9 +5161,3 +5162,3 +5163,5 +5164,3 +5165,0 +5166,0 +5167,5 +5168,9 +5169,2 +5170,4 +5171,3 +5172,7 +5173,6 +5174,5 +5175,9 +5176,6 +5177,5 +5178,0 +5179,4 +5180,1 +5181,3 +5182,8 +5183,5 +5184,7 +5185,7 +5186,0 +5187,7 +5188,7 +5189,1 +5190,5 +5191,6 +5192,7 +5193,0 +5194,4 +5195,3 +5196,0 +5197,0 +5198,0 +5199,0 +5200,7 +5201,6 +5202,8 +5203,8 +5204,6 +5205,7 +5206,1 +5207,3 +5208,1 +5209,0 +5210,2 +5211,3 +5212,5 +5213,1 +5214,8 +5215,5 +5216,4 +5217,7 +5218,6 +5219,3 +5220,6 +5221,6 +5222,8 +5223,3 +5224,8 +5225,5 +5226,1 +5227,5 +5228,2 +5229,6 +5230,5 +5231,1 +5232,5 +5233,8 +5234,3 +5235,5 +5236,5 +5237,3 +5238,2 +5239,3 +5240,8 +5241,5 +5242,8 +5243,6 +5244,7 +5245,0 +5246,3 +5247,8 +5248,8 +5249,4 +5250,2 +5251,6 +5252,4 +5253,5 +5254,8 +5255,3 +5256,0 +5257,5 +5258,1 +5259,1 +5260,3 +5261,0 +5262,9 +5263,6 +5264,7 +5265,8 +5266,2 +5267,5 +5268,3 +5269,6 +5270,2 +5271,0 +5272,6 +5273,9 +5274,1 +5275,2 +5276,9 +5277,9 +5278,0 +5279,2 +5280,5 +5281,5 +5282,6 +5283,1 +5284,4 +5285,1 +5286,3 +5287,1 +5288,5 +5289,5 +5290,0 +5291,1 +5292,9 +5293,3 +5294,9 +5295,5 +5296,0 +5297,7 +5298,9 +5299,8 +5300,3 +5301,0 +5302,1 +5303,3 +5304,3 +5305,8 +5306,1 +5307,8 +5308,3 +5309,7 +5310,0 +5311,9 +5312,6 +5313,4 +5314,8 +5315,3 +5316,0 +5317,6 +5318,0 +5319,4 +5320,5 +5321,8 +5322,2 +5323,1 +5324,5 +5325,4 +5326,0 +5327,1 +5328,4 +5329,1 +5330,7 +5331,3 +5332,9 +5333,2 +5334,9 +5335,1 +5336,2 +5337,1 +5338,7 +5339,6 +5340,6 +5341,1 +5342,5 +5343,9 +5344,8 +5345,9 +5346,0 +5347,2 +5348,3 +5349,1 +5350,7 +5351,4 +5352,1 +5353,5 +5354,2 +5355,7 +5356,3 +5357,2 +5358,5 +5359,9 +5360,2 +5361,4 +5362,0 +5363,5 +5364,1 +5365,5 +5366,9 +5367,1 +5368,0 +5369,9 +5370,4 +5371,5 +5372,4 +5373,8 +5374,7 +5375,1 +5376,3 +5377,3 +5378,2 +5379,4 +5380,1 +5381,1 +5382,8 +5383,0 +5384,5 +5385,2 +5386,8 +5387,9 +5388,0 +5389,9 +5390,7 +5391,0 +5392,9 +5393,9 +5394,2 +5395,7 +5396,6 +5397,1 +5398,7 +5399,1 +5400,6 +5401,0 +5402,2 +5403,9 +5404,9 +5405,9 +5406,7 +5407,8 +5408,2 +5409,4 +5410,0 +5411,9 +5412,3 +5413,8 +5414,9 +5415,4 +5416,2 +5417,0 +5418,3 +5419,3 +5420,0 +5421,2 +5422,9 +5423,4 +5424,8 +5425,5 +5426,5 +5427,6 +5428,9 +5429,6 +5430,8 +5431,4 +5432,7 +5433,6 +5434,7 +5435,4 +5436,9 +5437,4 +5438,2 +5439,1 +5440,0 +5441,8 +5442,1 +5443,3 +5444,6 +5445,0 +5446,1 +5447,9 +5448,3 +5449,6 +5450,5 +5451,5 +5452,0 +5453,7 +5454,1 +5455,3 +5456,6 +5457,0 +5458,3 +5459,3 +5460,4 +5461,8 +5462,4 +5463,7 +5464,9 +5465,1 +5466,2 +5467,9 +5468,6 +5469,7 +5470,4 +5471,3 +5472,9 +5473,3 +5474,9 +5475,5 +5476,0 +5477,7 +5478,9 +5479,2 +5480,2 +5481,1 +5482,8 +5483,3 +5484,2 +5485,7 +5486,8 +5487,7 +5488,1 +5489,2 +5490,7 +5491,7 +5492,4 +5493,5 +5494,0 +5495,9 +5496,4 +5497,0 +5498,0 +5499,3 +5500,3 +5501,4 +5502,2 +5503,0 +5504,7 +5505,6 +5506,3 +5507,2 +5508,7 +5509,4 +5510,1 +5511,2 +5512,7 +5513,4 +5514,4 +5515,2 +5516,3 +5517,2 +5518,5 +5519,8 +5520,0 +5521,8 +5522,7 +5523,9 +5524,7 +5525,1 +5526,3 +5527,5 +5528,4 +5529,2 +5530,4 +5531,7 +5532,9 +5533,9 +5534,6 +5535,4 +5536,5 +5537,4 +5538,9 +5539,1 +5540,9 +5541,6 +5542,5 +5543,6 +5544,2 +5545,8 +5546,6 +5547,8 +5548,3 +5549,8 +5550,9 +5551,6 +5552,8 +5553,8 +5554,6 +5555,4 +5556,0 +5557,2 +5558,6 +5559,1 +5560,3 +5561,8 +5562,9 +5563,8 +5564,7 +5565,7 +5566,7 +5567,8 +5568,0 +5569,7 +5570,9 +5571,5 +5572,2 +5573,3 +5574,7 +5575,4 +5576,6 +5577,4 +5578,7 +5579,2 +5580,9 +5581,6 +5582,4 +5583,0 +5584,4 +5585,6 +5586,8 +5587,8 +5588,4 +5589,9 +5590,4 +5591,4 +5592,3 +5593,6 +5594,9 +5595,0 +5596,4 +5597,1 +5598,8 +5599,5 +5600,7 +5601,8 +5602,5 +5603,2 +5604,8 +5605,8 +5606,7 +5607,0 +5608,5 +5609,0 +5610,7 +5611,2 +5612,3 +5613,4 +5614,7 +5615,8 +5616,1 +5617,5 +5618,5 +5619,9 +5620,5 +5621,2 +5622,5 +5623,0 +5624,5 +5625,6 +5626,4 +5627,7 +5628,4 +5629,1 +5630,1 +5631,9 +5632,1 +5633,9 +5634,9 +5635,4 +5636,8 +5637,4 +5638,3 +5639,7 +5640,6 +5641,2 +5642,0 +5643,1 +5644,8 +5645,9 +5646,6 +5647,7 +5648,4 +5649,5 +5650,7 +5651,5 +5652,3 +5653,1 +5654,6 +5655,0 +5656,3 +5657,2 +5658,4 +5659,5 +5660,1 +5661,8 +5662,1 +5663,8 +5664,8 +5665,5 +5666,8 +5667,5 +5668,8 +5669,5 +5670,2 +5671,7 +5672,0 +5673,1 +5674,5 +5675,1 +5676,9 +5677,0 +5678,9 +5679,8 +5680,2 +5681,0 +5682,7 +5683,3 +5684,1 +5685,5 +5686,4 +5687,7 +5688,8 +5689,0 +5690,1 +5691,2 +5692,9 +5693,3 +5694,1 +5695,6 +5696,2 +5697,0 +5698,5 +5699,0 +5700,1 +5701,6 +5702,1 +5703,9 +5704,7 +5705,7 +5706,8 +5707,6 +5708,8 +5709,4 +5710,0 +5711,7 +5712,1 +5713,0 +5714,1 +5715,3 +5716,4 +5717,9 +5718,0 +5719,9 +5720,4 +5721,5 +5722,1 +5723,6 +5724,9 +5725,4 +5726,6 +5727,6 +5728,6 +5729,1 +5730,1 +5731,3 +5732,5 +5733,8 +5734,2 +5735,4 +5736,8 +5737,6 +5738,9 +5739,8 +5740,1 +5741,1 +5742,1 +5743,8 +5744,3 +5745,5 +5746,6 +5747,5 +5748,2 +5749,2 +5750,8 +5751,7 +5752,9 +5753,8 +5754,1 +5755,9 +5756,9 +5757,0 +5758,6 +5759,6 +5760,2 +5761,3 +5762,8 +5763,3 +5764,0 +5765,0 +5766,5 +5767,0 +5768,9 +5769,2 +5770,1 +5771,3 +5772,3 +5773,3 +5774,8 +5775,8 +5776,9 +5777,9 +5778,7 +5779,5 +5780,6 +5781,7 +5782,1 +5783,7 +5784,2 +5785,9 +5786,1 +5787,6 +5788,3 +5789,5 +5790,0 +5791,7 +5792,7 +5793,6 +5794,5 +5795,1 +5796,8 +5797,1 +5798,3 +5799,4 +5800,5 +5801,8 +5802,2 +5803,4 +5804,2 +5805,8 +5806,0 +5807,4 +5808,5 +5809,1 +5810,9 +5811,7 +5812,4 +5813,2 +5814,8 +5815,8 +5816,5 +5817,8 +5818,6 +5819,8 +5820,7 +5821,4 +5822,9 +5823,7 +5824,4 +5825,4 +5826,2 +5827,6 +5828,9 +5829,1 +5830,9 +5831,9 +5832,0 +5833,6 +5834,8 +5835,3 +5836,3 +5837,6 +5838,4 +5839,6 +5840,6 +5841,8 +5842,1 +5843,9 +5844,4 +5845,3 +5846,7 +5847,2 +5848,8 +5849,5 +5850,1 +5851,4 +5852,6 +5853,8 +5854,0 +5855,0 +5856,1 +5857,7 +5858,8 +5859,4 +5860,9 +5861,6 +5862,0 +5863,7 +5864,3 +5865,9 +5866,9 +5867,2 +5868,7 +5869,4 +5870,2 +5871,0 +5872,5 +5873,2 +5874,6 +5875,4 +5876,1 +5877,7 +5878,3 +5879,0 +5880,4 +5881,8 +5882,1 +5883,6 +5884,1 +5885,4 +5886,7 +5887,2 +5888,1 +5889,0 +5890,3 +5891,3 +5892,9 +5893,0 +5894,9 +5895,6 +5896,6 +5897,0 +5898,2 +5899,8 +5900,3 +5901,0 +5902,5 +5903,8 +5904,8 +5905,5 +5906,3 +5907,5 +5908,0 +5909,8 +5910,0 +5911,7 +5912,3 +5913,3 +5914,2 +5915,5 +5916,1 +5917,3 +5918,6 +5919,5 +5920,4 +5921,7 +5922,2 +5923,2 +5924,9 +5925,0 +5926,8 +5927,8 +5928,0 +5929,5 +5930,0 +5931,8 +5932,0 +5933,4 +5934,1 +5935,6 +5936,7 +5937,7 +5938,8 +5939,5 +5940,0 +5941,2 +5942,6 +5943,4 +5944,6 +5945,8 +5946,9 +5947,6 +5948,6 +5949,4 +5950,9 +5951,4 +5952,3 +5953,4 +5954,6 +5955,3 +5956,1 +5957,7 +5958,6 +5959,1 +5960,4 +5961,9 +5962,0 +5963,6 +5964,6 +5965,3 +5966,2 +5967,0 +5968,8 +5969,4 +5970,3 +5971,8 +5972,8 +5973,1 +5974,3 +5975,3 +5976,0 +5977,6 +5978,6 +5979,8 +5980,6 +5981,2 +5982,3 +5983,2 +5984,4 +5985,2 +5986,0 +5987,6 +5988,0 +5989,2 +5990,1 +5991,9 +5992,6 +5993,6 +5994,1 +5995,7 +5996,7 +5997,0 +5998,2 +5999,9 +6000,4 +6001,0 +6002,5 +6003,0 +6004,7 +6005,5 +6006,8 +6007,5 +6008,6 +6009,1 +6010,7 +6011,0 +6012,6 +6013,6 +6014,5 +6015,9 +6016,3 +6017,6 +6018,4 +6019,2 +6020,1 +6021,1 +6022,7 +6023,8 +6024,5 +6025,9 +6026,3 +6027,3 +6028,7 +6029,6 +6030,1 +6031,5 +6032,2 +6033,1 +6034,2 +6035,5 +6036,7 +6037,0 +6038,5 +6039,2 +6040,6 +6041,5 +6042,9 +6043,1 +6044,0 +6045,5 +6046,5 +6047,2 +6048,4 +6049,6 +6050,3 +6051,0 +6052,9 +6053,4 +6054,9 +6055,4 +6056,7 +6057,0 +6058,0 +6059,4 +6060,0 +6061,9 +6062,2 +6063,7 +6064,1 +6065,1 +6066,2 +6067,1 +6068,1 +6069,6 +6070,3 +6071,3 +6072,5 +6073,8 +6074,1 +6075,8 +6076,9 +6077,0 +6078,3 +6079,8 +6080,4 +6081,1 +6082,6 +6083,8 +6084,5 +6085,8 +6086,4 +6087,3 +6088,5 +6089,8 +6090,6 +6091,7 +6092,1 +6093,6 +6094,1 +6095,9 +6096,8 +6097,4 +6098,3 +6099,9 +6100,3 +6101,1 +6102,7 +6103,8 +6104,8 +6105,3 +6106,1 +6107,7 +6108,8 +6109,6 +6110,5 +6111,4 +6112,6 +6113,0 +6114,9 +6115,9 +6116,0 +6117,0 +6118,6 +6119,2 +6120,6 +6121,7 +6122,5 +6123,1 +6124,0 +6125,0 +6126,0 +6127,9 +6128,3 +6129,8 +6130,0 +6131,4 +6132,5 +6133,9 +6134,4 +6135,2 +6136,3 +6137,2 +6138,7 +6139,2 +6140,0 +6141,2 +6142,6 +6143,2 +6144,2 +6145,8 +6146,8 +6147,8 +6148,5 +6149,1 +6150,2 +6151,2 +6152,6 +6153,2 +6154,0 +6155,2 +6156,2 +6157,1 +6158,4 +6159,3 +6160,4 +6161,1 +6162,9 +6163,7 +6164,0 +6165,5 +6166,6 +6167,5 +6168,1 +6169,8 +6170,4 +6171,3 +6172,3 +6173,9 +6174,0 +6175,6 +6176,6 +6177,9 +6178,2 +6179,1 +6180,0 +6181,4 +6182,8 +6183,4 +6184,5 +6185,7 +6186,9 +6187,2 +6188,2 +6189,2 +6190,1 +6191,1 +6192,4 +6193,4 +6194,7 +6195,8 +6196,6 +6197,8 +6198,6 +6199,5 +6200,5 +6201,8 +6202,1 +6203,8 +6204,2 +6205,9 +6206,1 +6207,9 +6208,7 +6209,2 +6210,4 +6211,4 +6212,4 +6213,9 +6214,9 +6215,3 +6216,5 +6217,5 +6218,5 +6219,5 +6220,5 +6221,2 +6222,7 +6223,0 +6224,0 +6225,1 +6226,3 +6227,5 +6228,3 +6229,0 +6230,0 +6231,0 +6232,3 +6233,1 +6234,4 +6235,0 +6236,2 +6237,6 +6238,9 +6239,7 +6240,6 +6241,9 +6242,6 +6243,6 +6244,2 +6245,0 +6246,2 +6247,2 +6248,4 +6249,1 +6250,9 +6251,2 +6252,7 +6253,2 +6254,5 +6255,9 +6256,4 +6257,6 +6258,2 +6259,7 +6260,6 +6261,8 +6262,9 +6263,1 +6264,8 +6265,8 +6266,0 +6267,2 +6268,4 +6269,9 +6270,8 +6271,1 +6272,7 +6273,1 +6274,9 +6275,9 +6276,2 +6277,1 +6278,4 +6279,5 +6280,2 +6281,7 +6282,6 +6283,3 +6284,0 +6285,3 +6286,0 +6287,6 +6288,6 +6289,3 +6290,0 +6291,0 +6292,3 +6293,6 +6294,8 +6295,8 +6296,0 +6297,8 +6298,6 +6299,4 +6300,5 +6301,8 +6302,1 +6303,5 +6304,0 +6305,6 +6306,6 +6307,9 +6308,5 +6309,1 +6310,6 +6311,4 +6312,3 +6313,0 +6314,7 +6315,2 +6316,5 +6317,5 +6318,8 +6319,7 +6320,5 +6321,6 +6322,9 +6323,0 +6324,1 +6325,9 +6326,2 +6327,9 +6328,8 +6329,4 +6330,4 +6331,9 +6332,7 +6333,6 +6334,2 +6335,8 +6336,0 +6337,4 +6338,1 +6339,8 +6340,2 +6341,1 +6342,3 +6343,4 +6344,1 +6345,7 +6346,7 +6347,2 +6348,4 +6349,3 +6350,8 +6351,6 +6352,3 +6353,2 +6354,2 +6355,6 +6356,3 +6357,5 +6358,7 +6359,1 +6360,1 +6361,1 +6362,7 +6363,7 +6364,8 +6365,2 +6366,9 +6367,7 +6368,3 +6369,1 +6370,5 +6371,6 +6372,4 +6373,4 +6374,4 +6375,1 +6376,9 +6377,0 +6378,8 +6379,4 +6380,1 +6381,4 +6382,6 +6383,2 +6384,3 +6385,8 +6386,6 +6387,7 +6388,4 +6389,4 +6390,5 +6391,9 +6392,0 +6393,0 +6394,0 +6395,8 +6396,6 +6397,4 +6398,2 +6399,3 +6400,0 +6401,9 +6402,8 +6403,5 +6404,4 +6405,8 +6406,6 +6407,7 +6408,6 +6409,1 +6410,4 +6411,0 +6412,1 +6413,6 +6414,1 +6415,4 +6416,9 +6417,6 +6418,1 +6419,1 +6420,4 +6421,1 +6422,3 +6423,7 +6424,5 +6425,4 +6426,2 +6427,5 +6428,1 +6429,0 +6430,6 +6431,7 +6432,1 +6433,1 +6434,4 +6435,4 +6436,0 +6437,5 +6438,6 +6439,0 +6440,8 +6441,2 +6442,7 +6443,4 +6444,9 +6445,9 +6446,0 +6447,2 +6448,2 +6449,5 +6450,3 +6451,0 +6452,3 +6453,1 +6454,0 +6455,1 +6456,1 +6457,2 +6458,8 +6459,3 +6460,6 +6461,8 +6462,6 +6463,2 +6464,0 +6465,2 +6466,9 +6467,7 +6468,3 +6469,3 +6470,8 +6471,5 +6472,0 +6473,6 +6474,6 +6475,5 +6476,8 +6477,3 +6478,2 +6479,7 +6480,3 +6481,5 +6482,7 +6483,7 +6484,5 +6485,8 +6486,1 +6487,1 +6488,6 +6489,0 +6490,5 +6491,7 +6492,5 +6493,9 +6494,5 +6495,0 +6496,4 +6497,3 +6498,7 +6499,2 +6500,3 +6501,5 +6502,4 +6503,5 +6504,1 +6505,1 +6506,9 +6507,4 +6508,8 +6509,3 +6510,7 +6511,5 +6512,0 +6513,4 +6514,4 +6515,7 +6516,8 +6517,4 +6518,8 +6519,1 +6520,1 +6521,0 +6522,5 +6523,6 +6524,7 +6525,9 +6526,5 +6527,6 +6528,1 +6529,0 +6530,6 +6531,0 +6532,2 +6533,1 +6534,7 +6535,9 +6536,0 +6537,3 +6538,2 +6539,8 +6540,7 +6541,2 +6542,1 +6543,3 +6544,9 +6545,9 +6546,0 +6547,7 +6548,6 +6549,1 +6550,3 +6551,4 +6552,2 +6553,3 +6554,6 +6555,4 +6556,1 +6557,1 +6558,7 +6559,4 +6560,4 +6561,5 +6562,3 +6563,2 +6564,8 +6565,9 +6566,6 +6567,6 +6568,5 +6569,4 +6570,0 +6571,6 +6572,7 +6573,3 +6574,5 +6575,8 +6576,8 +6577,1 +6578,9 +6579,0 +6580,5 +6581,3 +6582,3 +6583,9 +6584,2 +6585,9 +6586,1 +6587,7 +6588,4 +6589,5 +6590,0 +6591,5 +6592,1 +6593,9 +6594,1 +6595,1 +6596,9 +6597,9 +6598,4 +6599,2 +6600,6 +6601,1 +6602,4 +6603,5 +6604,4 +6605,8 +6606,7 +6607,6 +6608,1 +6609,2 +6610,0 +6611,4 +6612,6 +6613,2 +6614,9 +6615,9 +6616,5 +6617,3 +6618,6 +6619,4 +6620,8 +6621,3 +6622,8 +6623,2 +6624,2 +6625,1 +6626,5 +6627,8 +6628,7 +6629,5 +6630,2 +6631,8 +6632,0 +6633,7 +6634,2 +6635,5 +6636,5 +6637,6 +6638,4 +6639,8 +6640,7 +6641,3 +6642,8 +6643,2 +6644,1 +6645,3 +6646,9 +6647,1 +6648,0 +6649,4 +6650,0 +6651,6 +6652,5 +6653,5 +6654,0 +6655,0 +6656,6 +6657,7 +6658,7 +6659,1 +6660,8 +6661,7 +6662,5 +6663,6 +6664,6 +6665,8 +6666,1 +6667,4 +6668,9 +6669,8 +6670,0 +6671,5 +6672,9 +6673,1 +6674,7 +6675,7 +6676,4 +6677,6 +6678,9 +6679,3 +6680,0 +6681,0 +6682,7 +6683,8 +6684,0 +6685,8 +6686,3 +6687,0 +6688,5 +6689,8 +6690,1 +6691,1 +6692,6 +6693,0 +6694,9 +6695,0 +6696,9 +6697,5 +6698,3 +6699,0 +6700,1 +6701,7 +6702,1 +6703,1 +6704,4 +6705,4 +6706,0 +6707,4 +6708,1 +6709,7 +6710,1 +6711,5 +6712,5 +6713,4 +6714,8 +6715,6 +6716,8 +6717,3 +6718,3 +6719,1 +6720,1 +6721,8 +6722,0 +6723,4 +6724,8 +6725,2 +6726,7 +6727,2 +6728,9 +6729,8 +6730,8 +6731,5 +6732,4 +6733,8 +6734,2 +6735,8 +6736,3 +6737,2 +6738,6 +6739,8 +6740,9 +6741,1 +6742,1 +6743,2 +6744,5 +6745,9 +6746,1 +6747,7 +6748,2 +6749,7 +6750,9 +6751,1 +6752,2 +6753,9 +6754,7 +6755,5 +6756,5 +6757,5 +6758,7 +6759,4 +6760,3 +6761,5 +6762,9 +6763,7 +6764,8 +6765,0 +6766,6 +6767,1 +6768,4 +6769,8 +6770,2 +6771,3 +6772,1 +6773,8 +6774,2 +6775,4 +6776,7 +6777,4 +6778,7 +6779,3 +6780,3 +6781,2 +6782,9 +6783,2 +6784,7 +6785,6 +6786,1 +6787,9 +6788,9 +6789,2 +6790,3 +6791,2 +6792,5 +6793,8 +6794,1 +6795,6 +6796,3 +6797,0 +6798,9 +6799,1 +6800,2 +6801,6 +6802,5 +6803,5 +6804,8 +6805,4 +6806,2 +6807,6 +6808,1 +6809,6 +6810,1 +6811,0 +6812,4 +6813,9 +6814,0 +6815,1 +6816,4 +6817,1 +6818,2 +6819,1 +6820,6 +6821,0 +6822,7 +6823,6 +6824,1 +6825,0 +6826,0 +6827,1 +6828,8 +6829,3 +6830,0 +6831,6 +6832,7 +6833,0 +6834,3 +6835,2 +6836,0 +6837,1 +6838,7 +6839,8 +6840,4 +6841,4 +6842,6 +6843,1 +6844,6 +6845,2 +6846,2 +6847,0 +6848,3 +6849,9 +6850,9 +6851,8 +6852,7 +6853,5 +6854,8 +6855,0 +6856,1 +6857,0 +6858,0 +6859,0 +6860,5 +6861,6 +6862,2 +6863,7 +6864,5 +6865,3 +6866,8 +6867,8 +6868,1 +6869,9 +6870,2 +6871,3 +6872,4 +6873,0 +6874,5 +6875,3 +6876,8 +6877,3 +6878,6 +6879,8 +6880,9 +6881,3 +6882,4 +6883,8 +6884,9 +6885,4 +6886,3 +6887,2 +6888,9 +6889,2 +6890,3 +6891,7 +6892,3 +6893,7 +6894,7 +6895,7 +6896,0 +6897,4 +6898,9 +6899,5 +6900,2 +6901,3 +6902,6 +6903,6 +6904,7 +6905,9 +6906,3 +6907,7 +6908,7 +6909,1 +6910,4 +6911,9 +6912,0 +6913,9 +6914,9 +6915,8 +6916,0 +6917,0 +6918,8 +6919,9 +6920,2 +6921,3 +6922,9 +6923,2 +6924,4 +6925,9 +6926,2 +6927,1 +6928,9 +6929,9 +6930,6 +6931,9 +6932,1 +6933,9 +6934,6 +6935,4 +6936,7 +6937,7 +6938,7 +6939,2 +6940,7 +6941,6 +6942,2 +6943,9 +6944,6 +6945,6 +6946,7 +6947,3 +6948,9 +6949,8 +6950,3 +6951,0 +6952,9 +6953,2 +6954,8 +6955,0 +6956,3 +6957,1 +6958,9 +6959,3 +6960,2 +6961,1 +6962,9 +6963,4 +6964,4 +6965,1 +6966,0 +6967,9 +6968,1 +6969,4 +6970,7 +6971,4 +6972,5 +6973,4 +6974,3 +6975,8 +6976,5 +6977,7 +6978,0 +6979,1 +6980,4 +6981,1 +6982,8 +6983,1 +6984,6 +6985,6 +6986,9 +6987,4 +6988,8 +6989,8 +6990,1 +6991,2 +6992,2 +6993,7 +6994,8 +6995,0 +6996,2 +6997,0 +6998,4 +6999,4 +7000,3 +7001,8 +7002,1 +7003,7 +7004,6 +7005,5 +7006,4 +7007,5 +7008,0 +7009,2 +7010,2 +7011,1 +7012,5 +7013,7 +7014,2 +7015,4 +7016,6 +7017,4 +7018,4 +7019,9 +7020,2 +7021,2 +7022,7 +7023,6 +7024,1 +7025,7 +7026,1 +7027,2 +7028,3 +7029,9 +7030,7 +7031,5 +7032,1 +7033,7 +7034,4 +7035,2 +7036,8 +7037,5 +7038,7 +7039,3 +7040,5 +7041,4 +7042,6 +7043,2 +7044,8 +7045,7 +7046,2 +7047,8 +7048,9 +7049,9 +7050,2 +7051,9 +7052,2 +7053,4 +7054,4 +7055,1 +7056,6 +7057,0 +7058,6 +7059,8 +7060,6 +7061,5 +7062,6 +7063,9 +7064,6 +7065,1 +7066,2 +7067,2 +7068,5 +7069,0 +7070,9 +7071,4 +7072,1 +7073,9 +7074,4 +7075,3 +7076,6 +7077,5 +7078,6 +7079,5 +7080,7 +7081,0 +7082,3 +7083,0 +7084,0 +7085,2 +7086,7 +7087,0 +7088,7 +7089,8 +7090,7 +7091,2 +7092,9 +7093,5 +7094,8 +7095,0 +7096,7 +7097,2 +7098,7 +7099,6 +7100,8 +7101,0 +7102,9 +7103,7 +7104,3 +7105,5 +7106,0 +7107,3 +7108,9 +7109,0 +7110,4 +7111,6 +7112,9 +7113,1 +7114,9 +7115,1 +7116,0 +7117,0 +7118,8 +7119,8 +7120,9 +7121,8 +7122,3 +7123,9 +7124,9 +7125,7 +7126,8 +7127,2 +7128,5 +7129,4 +7130,2 +7131,5 +7132,5 +7133,3 +7134,1 +7135,1 +7136,9 +7137,2 +7138,7 +7139,9 +7140,3 +7141,7 +7142,6 +7143,1 +7144,2 +7145,2 +7146,9 +7147,1 +7148,4 +7149,5 +7150,5 +7151,4 +7152,4 +7153,8 +7154,7 +7155,7 +7156,1 +7157,2 +7158,0 +7159,7 +7160,6 +7161,7 +7162,6 +7163,7 +7164,1 +7165,5 +7166,2 +7167,9 +7168,2 +7169,9 +7170,6 +7171,6 +7172,6 +7173,2 +7174,1 +7175,4 +7176,5 +7177,9 +7178,4 +7179,3 +7180,1 +7181,0 +7182,5 +7183,1 +7184,5 +7185,7 +7186,4 +7187,6 +7188,2 +7189,3 +7190,5 +7191,2 +7192,5 +7193,9 +7194,1 +7195,9 +7196,3 +7197,8 +7198,0 +7199,1 +7200,6 +7201,5 +7202,9 +7203,7 +7204,7 +7205,0 +7206,9 +7207,6 +7208,3 +7209,0 +7210,9 +7211,3 +7212,1 +7213,2 +7214,8 +7215,1 +7216,3 +7217,5 +7218,9 +7219,9 +7220,8 +7221,7 +7222,1 +7223,4 +7224,9 +7225,3 +7226,5 +7227,7 +7228,1 +7229,4 +7230,4 +7231,7 +7232,4 +7233,3 +7234,3 +7235,1 +7236,9 +7237,1 +7238,3 +7239,7 +7240,3 +7241,1 +7242,4 +7243,7 +7244,2 +7245,5 +7246,6 +7247,5 +7248,6 +7249,1 +7250,8 +7251,9 +7252,4 +7253,7 +7254,1 +7255,1 +7256,8 +7257,9 +7258,6 +7259,4 +7260,6 +7261,6 +7262,0 +7263,6 +7264,2 +7265,3 +7266,3 +7267,4 +7268,3 +7269,5 +7270,6 +7271,8 +7272,8 +7273,4 +7274,3 +7275,8 +7276,0 +7277,1 +7278,0 +7279,9 +7280,3 +7281,4 +7282,2 +7283,3 +7284,0 +7285,8 +7286,5 +7287,8 +7288,1 +7289,7 +7290,8 +7291,0 +7292,4 +7293,7 +7294,7 +7295,7 +7296,1 +7297,0 +7298,4 +7299,3 +7300,4 +7301,1 +7302,6 +7303,2 +7304,4 +7305,4 +7306,6 +7307,0 +7308,7 +7309,2 +7310,2 +7311,3 +7312,9 +7313,1 +7314,1 +7315,2 +7316,2 +7317,9 +7318,3 +7319,8 +7320,0 +7321,5 +7322,2 +7323,6 +7324,2 +7325,1 +7326,1 +7327,8 +7328,7 +7329,8 +7330,2 +7331,3 +7332,8 +7333,7 +7334,1 +7335,6 +7336,3 +7337,7 +7338,0 +7339,5 +7340,8 +7341,6 +7342,7 +7343,4 +7344,2 +7345,2 +7346,1 +7347,7 +7348,8 +7349,4 +7350,8 +7351,9 +7352,8 +7353,8 +7354,0 +7355,2 +7356,3 +7357,4 +7358,1 +7359,3 +7360,6 +7361,3 +7362,8 +7363,7 +7364,9 +7365,2 +7366,6 +7367,3 +7368,6 +7369,9 +7370,2 +7371,3 +7372,5 +7373,9 +7374,8 +7375,7 +7376,2 +7377,3 +7378,6 +7379,9 +7380,1 +7381,9 +7382,6 +7383,4 +7384,5 +7385,6 +7386,5 +7387,0 +7388,7 +7389,3 +7390,9 +7391,4 +7392,1 +7393,6 +7394,9 +7395,1 +7396,6 +7397,9 +7398,3 +7399,5 +7400,2 +7401,2 +7402,7 +7403,9 +7404,7 +7405,2 +7406,9 +7407,0 +7408,8 +7409,8 +7410,2 +7411,1 +7412,9 +7413,1 +7414,2 +7415,5 +7416,0 +7417,9 +7418,0 +7419,5 +7420,6 +7421,8 +7422,9 +7423,5 +7424,8 +7425,5 +7426,1 +7427,9 +7428,4 +7429,1 +7430,6 +7431,4 +7432,4 +7433,6 +7434,3 +7435,7 +7436,3 +7437,8 +7438,8 +7439,4 +7440,5 +7441,1 +7442,6 +7443,4 +7444,1 +7445,1 +7446,2 +7447,3 +7448,2 +7449,3 +7450,5 +7451,2 +7452,5 +7453,3 +7454,2 +7455,1 +7456,5 +7457,8 +7458,0 +7459,4 +7460,9 +7461,3 +7462,4 +7463,6 +7464,2 +7465,8 +7466,9 +7467,9 +7468,5 +7469,8 +7470,0 +7471,3 +7472,0 +7473,0 +7474,6 +7475,6 +7476,2 +7477,6 +7478,2 +7479,0 +7480,7 +7481,1 +7482,2 +7483,8 +7484,2 +7485,9 +7486,1 +7487,6 +7488,4 +7489,3 +7490,9 +7491,0 +7492,9 +7493,5 +7494,4 +7495,3 +7496,1 +7497,0 +7498,2 +7499,5 +7500,6 +7501,2 +7502,4 +7503,4 +7504,3 +7505,4 +7506,4 +7507,7 +7508,6 +7509,6 +7510,8 +7511,4 +7512,8 +7513,3 +7514,3 +7515,8 +7516,4 +7517,1 +7518,8 +7519,2 +7520,5 +7521,5 +7522,2 +7523,4 +7524,0 +7525,0 +7526,4 +7527,1 +7528,5 +7529,7 +7530,7 +7531,8 +7532,3 +7533,6 +7534,2 +7535,6 +7536,5 +7537,1 +7538,7 +7539,3 +7540,1 +7541,7 +7542,7 +7543,4 +7544,8 +7545,7 +7546,3 +7547,3 +7548,3 +7549,1 +7550,6 +7551,1 +7552,5 +7553,5 +7554,9 +7555,3 +7556,0 +7557,5 +7558,2 +7559,0 +7560,8 +7561,0 +7562,0 +7563,2 +7564,5 +7565,5 +7566,8 +7567,5 +7568,4 +7569,7 +7570,6 +7571,6 +7572,1 +7573,5 +7574,3 +7575,7 +7576,7 +7577,7 +7578,3 +7579,1 +7580,4 +7581,3 +7582,8 +7583,4 +7584,0 +7585,7 +7586,0 +7587,6 +7588,0 +7589,9 +7590,8 +7591,1 +7592,5 +7593,8 +7594,3 +7595,6 +7596,8 +7597,7 +7598,4 +7599,1 +7600,4 +7601,4 +7602,0 +7603,2 +7604,0 +7605,4 +7606,5 +7607,5 +7608,8 +7609,6 +7610,8 +7611,9 +7612,6 +7613,6 +7614,5 +7615,1 +7616,5 +7617,7 +7618,3 +7619,5 +7620,2 +7621,3 +7622,2 +7623,3 +7624,8 +7625,6 +7626,4 +7627,8 +7628,5 +7629,1 +7630,2 +7631,7 +7632,5 +7633,5 +7634,0 +7635,4 +7636,6 +7637,6 +7638,8 +7639,4 +7640,4 +7641,6 +7642,5 +7643,5 +7644,5 +7645,9 +7646,4 +7647,6 +7648,1 +7649,8 +7650,0 +7651,2 +7652,7 +7653,5 +7654,2 +7655,3 +7656,3 +7657,2 +7658,6 +7659,1 +7660,3 +7661,6 +7662,3 +7663,4 +7664,6 +7665,4 +7666,6 +7667,3 +7668,0 +7669,0 +7670,5 +7671,5 +7672,0 +7673,7 +7674,9 +7675,1 +7676,3 +7677,1 +7678,4 +7679,8 +7680,7 +7681,5 +7682,8 +7683,0 +7684,0 +7685,0 +7686,2 +7687,6 +7688,9 +7689,7 +7690,8 +7691,4 +7692,9 +7693,0 +7694,7 +7695,4 +7696,0 +7697,7 +7698,6 +7699,8 +7700,1 +7701,4 +7702,5 +7703,3 +7704,0 +7705,8 +7706,7 +7707,8 +7708,1 +7709,3 +7710,4 +7711,1 +7712,5 +7713,2 +7714,3 +7715,0 +7716,7 +7717,1 +7718,0 +7719,3 +7720,8 +7721,5 +7722,0 +7723,3 +7724,1 +7725,5 +7726,4 +7727,5 +7728,3 +7729,8 +7730,1 +7731,6 +7732,6 +7733,1 +7734,4 +7735,7 +7736,3 +7737,7 +7738,8 +7739,6 +7740,0 +7741,5 +7742,6 +7743,6 +7744,9 +7745,5 +7746,5 +7747,7 +7748,2 +7749,6 +7750,1 +7751,5 +7752,6 +7753,0 +7754,3 +7755,2 +7756,6 +7757,6 +7758,1 +7759,5 +7760,9 +7761,5 +7762,4 +7763,6 +7764,1 +7765,1 +7766,7 +7767,2 +7768,0 +7769,5 +7770,8 +7771,1 +7772,0 +7773,4 +7774,8 +7775,6 +7776,1 +7777,9 +7778,5 +7779,1 +7780,7 +7781,6 +7782,6 +7783,7 +7784,6 +7785,7 +7786,3 +7787,8 +7788,1 +7789,1 +7790,6 +7791,4 +7792,8 +7793,1 +7794,4 +7795,4 +7796,1 +7797,4 +7798,1 +7799,1 +7800,7 +7801,9 +7802,6 +7803,3 +7804,8 +7805,6 +7806,5 +7807,6 +7808,2 +7809,5 +7810,9 +7811,4 +7812,3 +7813,1 +7814,6 +7815,6 +7816,3 +7817,0 +7818,7 +7819,4 +7820,4 +7821,6 +7822,1 +7823,1 +7824,5 +7825,5 +7826,8 +7827,1 +7828,6 +7829,9 +7830,2 +7831,7 +7832,7 +7833,5 +7834,1 +7835,9 +7836,3 +7837,9 +7838,3 +7839,9 +7840,4 +7841,9 +7842,8 +7843,2 +7844,7 +7845,1 +7846,8 +7847,6 +7848,9 +7849,5 +7850,3 +7851,6 +7852,8 +7853,8 +7854,8 +7855,9 +7856,2 +7857,8 +7858,3 +7859,4 +7860,0 +7861,8 +7862,4 +7863,6 +7864,5 +7865,0 +7866,6 +7867,7 +7868,8 +7869,9 +7870,7 +7871,4 +7872,2 +7873,7 +7874,2 +7875,8 +7876,0 +7877,0 +7878,4 +7879,2 +7880,9 +7881,0 +7882,1 +7883,9 +7884,9 +7885,7 +7886,1 +7887,7 +7888,0 +7889,7 +7890,0 +7891,3 +7892,1 +7893,2 +7894,8 +7895,1 +7896,4 +7897,4 +7898,0 +7899,7 +7900,0 +7901,9 +7902,8 +7903,1 +7904,8 +7905,8 +7906,1 +7907,2 +7908,5 +7909,5 +7910,1 +7911,0 +7912,8 +7913,4 +7914,0 +7915,3 +7916,7 +7917,0 +7918,5 +7919,3 +7920,7 +7921,7 +7922,0 +7923,5 +7924,5 +7925,2 +7926,5 +7927,2 +7928,2 +7929,7 +7930,2 +7931,7 +7932,5 +7933,6 +7934,7 +7935,6 +7936,2 +7937,4 +7938,0 +7939,1 +7940,8 +7941,0 +7942,6 +7943,9 +7944,4 +7945,6 +7946,6 +7947,2 +7948,4 +7949,4 +7950,0 +7951,1 +7952,7 +7953,9 +7954,8 +7955,2 +7956,3 +7957,3 +7958,1 +7959,4 +7960,5 +7961,2 +7962,2 +7963,7 +7964,4 +7965,1 +7966,7 +7967,4 +7968,8 +7969,9 +7970,6 +7971,8 +7972,7 +7973,8 +7974,7 +7975,0 +7976,4 +7977,4 +7978,5 +7979,4 +7980,5 +7981,0 +7982,3 +7983,6 +7984,9 +7985,4 +7986,1 +7987,0 +7988,1 +7989,2 +7990,3 +7991,1 +7992,6 +7993,0 +7994,1 +7995,2 +7996,4 +7997,3 +7998,3 +7999,2 +8000,0 +8001,6 +8002,9 +8003,2 +8004,1 +8005,3 +8006,2 +8007,2 +8008,8 +8009,0 +8010,6 +8011,1 +8012,1 +8013,2 +8014,7 +8015,2 +8016,8 +8017,3 +8018,1 +8019,9 +8020,5 +8021,5 +8022,1 +8023,8 +8024,5 +8025,0 +8026,3 +8027,7 +8028,7 +8029,5 +8030,4 +8031,5 +8032,7 +8033,3 +8034,5 +8035,7 +8036,8 +8037,0 +8038,2 +8039,1 +8040,4 +8041,0 +8042,9 +8043,1 +8044,7 +8045,9 +8046,1 +8047,6 +8048,7 +8049,1 +8050,3 +8051,5 +8052,9 +8053,4 +8054,4 +8055,0 +8056,3 +8057,5 +8058,1 +8059,4 +8060,2 +8061,1 +8062,4 +8063,0 +8064,1 +8065,1 +8066,7 +8067,3 +8068,7 +8069,1 +8070,3 +8071,3 +8072,0 +8073,4 +8074,9 +8075,4 +8076,6 +8077,8 +8078,2 +8079,9 +8080,5 +8081,1 +8082,9 +8083,5 +8084,0 +8085,4 +8086,2 +8087,3 +8088,4 +8089,8 +8090,6 +8091,7 +8092,2 +8093,5 +8094,5 +8095,8 +8096,0 +8097,1 +8098,4 +8099,7 +8100,3 +8101,6 +8102,6 +8103,5 +8104,1 +8105,9 +8106,3 +8107,0 +8108,3 +8109,8 +8110,9 +8111,7 +8112,1 +8113,3 +8114,0 +8115,5 +8116,7 +8117,4 +8118,0 +8119,4 +8120,9 +8121,9 +8122,8 +8123,2 +8124,8 +8125,3 +8126,1 +8127,5 +8128,8 +8129,3 +8130,7 +8131,5 +8132,0 +8133,3 +8134,5 +8135,4 +8136,4 +8137,2 +8138,5 +8139,9 +8140,6 +8141,6 +8142,0 +8143,2 +8144,4 +8145,1 +8146,9 +8147,8 +8148,5 +8149,0 +8150,3 +8151,8 +8152,3 +8153,0 +8154,1 +8155,1 +8156,2 +8157,9 +8158,6 +8159,1 +8160,1 +8161,0 +8162,7 +8163,2 +8164,8 +8165,2 +8166,7 +8167,2 +8168,1 +8169,4 +8170,1 +8171,8 +8172,6 +8173,7 +8174,7 +8175,6 +8176,3 +8177,2 +8178,4 +8179,1 +8180,4 +8181,5 +8182,8 +8183,3 +8184,5 +8185,4 +8186,8 +8187,4 +8188,6 +8189,6 +8190,1 +8191,7 +8192,5 +8193,8 +8194,1 +8195,3 +8196,2 +8197,2 +8198,7 +8199,0 +8200,0 +8201,2 +8202,9 +8203,1 +8204,3 +8205,3 +8206,3 +8207,3 +8208,9 +8209,3 +8210,4 +8211,1 +8212,2 +8213,6 +8214,8 +8215,1 +8216,9 +8217,5 +8218,4 +8219,7 +8220,9 +8221,0 +8222,7 +8223,2 +8224,9 +8225,9 +8226,1 +8227,4 +8228,0 +8229,6 +8230,7 +8231,8 +8232,7 +8233,9 +8234,7 +8235,2 +8236,4 +8237,4 +8238,4 +8239,6 +8240,3 +8241,1 +8242,9 +8243,3 +8244,6 +8245,6 +8246,3 +8247,2 +8248,8 +8249,2 +8250,8 +8251,2 +8252,4 +8253,0 +8254,6 +8255,0 +8256,7 +8257,5 +8258,5 +8259,0 +8260,1 +8261,6 +8262,5 +8263,2 +8264,3 +8265,0 +8266,3 +8267,0 +8268,0 +8269,8 +8270,4 +8271,5 +8272,0 +8273,5 +8274,3 +8275,0 +8276,2 +8277,3 +8278,1 +8279,2 +8280,4 +8281,3 +8282,0 +8283,2 +8284,0 +8285,7 +8286,9 +8287,3 +8288,3 +8289,9 +8290,6 +8291,5 +8292,9 +8293,8 +8294,1 +8295,8 +8296,0 +8297,6 +8298,5 +8299,1 +8300,4 +8301,5 +8302,1 +8303,7 +8304,5 +8305,7 +8306,6 +8307,2 +8308,1 +8309,1 +8310,0 +8311,5 +8312,0 +8313,4 +8314,1 +8315,9 +8316,5 +8317,3 +8318,4 +8319,5 +8320,3 +8321,8 +8322,8 +8323,3 +8324,7 +8325,8 +8326,2 +8327,2 +8328,9 +8329,8 +8330,3 +8331,0 +8332,6 +8333,7 +8334,6 +8335,2 +8336,8 +8337,6 +8338,4 +8339,1 +8340,5 +8341,7 +8342,2 +8343,1 +8344,2 +8345,3 +8346,9 +8347,4 +8348,1 +8349,9 +8350,2 +8351,8 +8352,4 +8353,6 +8354,7 +8355,8 +8356,4 +8357,9 +8358,8 +8359,4 +8360,5 +8361,1 +8362,2 +8363,0 +8364,2 +8365,9 +8366,8 +8367,1 +8368,5 +8369,0 +8370,9 +8371,5 +8372,2 +8373,7 +8374,5 +8375,8 +8376,1 +8377,5 +8378,1 +8379,1 +8380,0 +8381,5 +8382,4 +8383,2 +8384,0 +8385,0 +8386,9 +8387,0 +8388,2 +8389,7 +8390,7 +8391,5 +8392,2 +8393,5 +8394,4 +8395,6 +8396,3 +8397,9 +8398,5 +8399,4 +8400,0 +8401,5 +8402,6 +8403,3 +8404,3 +8405,3 +8406,1 +8407,6 +8408,2 +8409,4 +8410,4 +8411,4 +8412,0 +8413,5 +8414,1 +8415,8 +8416,0 +8417,3 +8418,4 +8419,5 +8420,0 +8421,2 +8422,2 +8423,0 +8424,1 +8425,1 +8426,6 +8427,1 +8428,4 +8429,3 +8430,1 +8431,5 +8432,9 +8433,9 +8434,2 +8435,5 +8436,0 +8437,0 +8438,2 +8439,4 +8440,7 +8441,8 +8442,2 +8443,8 +8444,4 +8445,4 +8446,4 +8447,4 +8448,8 +8449,0 +8450,5 +8451,8 +8452,5 +8453,4 +8454,7 +8455,4 +8456,4 +8457,9 +8458,2 +8459,4 +8460,8 +8461,3 +8462,0 +8463,9 +8464,8 +8465,7 +8466,6 +8467,2 +8468,4 +8469,2 +8470,6 +8471,3 +8472,2 +8473,7 +8474,5 +8475,1 +8476,0 +8477,2 +8478,9 +8479,9 +8480,0 +8481,4 +8482,9 +8483,7 +8484,0 +8485,5 +8486,4 +8487,4 +8488,1 +8489,3 +8490,2 +8491,6 +8492,8 +8493,1 +8494,2 +8495,8 +8496,3 +8497,3 +8498,2 +8499,9 +8500,7 +8501,1 +8502,4 +8503,4 +8504,6 +8505,9 +8506,0 +8507,2 +8508,4 +8509,4 +8510,5 +8511,7 +8512,8 +8513,9 +8514,4 +8515,2 +8516,4 +8517,1 +8518,7 +8519,8 +8520,2 +8521,8 +8522,2 +8523,1 +8524,2 +8525,9 +8526,9 +8527,7 +8528,0 +8529,1 +8530,2 +8531,0 +8532,9 +8533,4 +8534,2 +8535,1 +8536,4 +8537,5 +8538,0 +8539,8 +8540,6 +8541,1 +8542,9 +8543,5 +8544,1 +8545,6 +8546,2 +8547,1 +8548,8 +8549,0 +8550,5 +8551,1 +8552,9 +8553,9 +8554,6 +8555,6 +8556,5 +8557,1 +8558,1 +8559,7 +8560,9 +8561,4 +8562,2 +8563,7 +8564,3 +8565,4 +8566,6 +8567,0 +8568,6 +8569,3 +8570,0 +8571,6 +8572,3 +8573,0 +8574,1 +8575,3 +8576,2 +8577,6 +8578,3 +8579,1 +8580,0 +8581,5 +8582,9 +8583,1 +8584,3 +8585,9 +8586,0 +8587,2 +8588,0 +8589,5 +8590,8 +8591,9 +8592,6 +8593,6 +8594,5 +8595,2 +8596,4 +8597,7 +8598,2 +8599,0 +8600,7 +8601,9 +8602,1 +8603,3 +8604,9 +8605,9 +8606,2 +8607,6 +8608,4 +8609,9 +8610,7 +8611,6 +8612,0 +8613,0 +8614,4 +8615,8 +8616,4 +8617,9 +8618,8 +8619,3 +8620,5 +8621,1 +8622,7 +8623,7 +8624,1 +8625,4 +8626,1 +8627,6 +8628,3 +8629,9 +8630,7 +8631,6 +8632,6 +8633,1 +8634,9 +8635,4 +8636,0 +8637,0 +8638,4 +8639,4 +8640,8 +8641,3 +8642,1 +8643,7 +8644,5 +8645,8 +8646,3 +8647,7 +8648,4 +8649,1 +8650,0 +8651,3 +8652,2 +8653,4 +8654,3 +8655,2 +8656,2 +8657,6 +8658,0 +8659,9 +8660,9 +8661,2 +8662,3 +8663,1 +8664,8 +8665,6 +8666,4 +8667,2 +8668,2 +8669,1 +8670,7 +8671,3 +8672,1 +8673,4 +8674,5 +8675,0 +8676,6 +8677,8 +8678,1 +8679,7 +8680,8 +8681,3 +8682,7 +8683,6 +8684,7 +8685,7 +8686,3 +8687,7 +8688,2 +8689,4 +8690,5 +8691,7 +8692,7 +8693,9 +8694,0 +8695,9 +8696,1 +8697,8 +8698,1 +8699,8 +8700,4 +8701,4 +8702,1 +8703,9 +8704,9 +8705,6 +8706,1 +8707,7 +8708,5 +8709,3 +8710,5 +8711,3 +8712,7 +8713,8 +8714,0 +8715,0 +8716,1 +8717,0 +8718,3 +8719,6 +8720,6 +8721,1 +8722,9 +8723,4 +8724,0 +8725,1 +8726,0 +8727,2 +8728,0 +8729,6 +8730,7 +8731,7 +8732,5 +8733,3 +8734,1 +8735,8 +8736,9 +8737,9 +8738,0 +8739,4 +8740,6 +8741,2 +8742,5 +8743,0 +8744,6 +8745,5 +8746,6 +8747,8 +8748,3 +8749,4 +8750,1 +8751,8 +8752,4 +8753,6 +8754,8 +8755,7 +8756,1 +8757,8 +8758,6 +8759,8 +8760,1 +8761,2 +8762,3 +8763,3 +8764,2 +8765,3 +8766,3 +8767,6 +8768,8 +8769,2 +8770,7 +8771,6 +8772,8 +8773,8 +8774,0 +8775,9 +8776,8 +8777,7 +8778,7 +8779,5 +8780,3 +8781,1 +8782,2 +8783,3 +8784,1 +8785,4 +8786,3 +8787,6 +8788,4 +8789,8 +8790,3 +8791,1 +8792,3 +8793,6 +8794,9 +8795,6 +8796,9 +8797,0 +8798,3 +8799,9 +8800,0 +8801,7 +8802,7 +8803,3 +8804,0 +8805,0 +8806,9 +8807,3 +8808,5 +8809,7 +8810,9 +8811,8 +8812,6 +8813,0 +8814,7 +8815,7 +8816,2 +8817,8 +8818,7 +8819,9 +8820,1 +8821,2 +8822,3 +8823,6 +8824,0 +8825,7 +8826,8 +8827,1 +8828,0 +8829,3 +8830,6 +8831,9 +8832,9 +8833,5 +8834,0 +8835,5 +8836,0 +8837,1 +8838,1 +8839,6 +8840,2 +8841,5 +8842,9 +8843,5 +8844,4 +8845,0 +8846,3 +8847,5 +8848,1 +8849,2 +8850,7 +8851,6 +8852,5 +8853,3 +8854,0 +8855,5 +8856,6 +8857,9 +8858,0 +8859,7 +8860,8 +8861,1 +8862,7 +8863,1 +8864,8 +8865,5 +8866,2 +8867,7 +8868,9 +8869,7 +8870,3 +8871,2 +8872,1 +8873,2 +8874,5 +8875,4 +8876,9 +8877,2 +8878,1 +8879,3 +8880,1 +8881,8 +8882,5 +8883,6 +8884,2 +8885,7 +8886,3 +8887,9 +8888,9 +8889,4 +8890,3 +8891,6 +8892,3 +8893,1 +8894,1 +8895,7 +8896,5 +8897,3 +8898,5 +8899,2 +8900,4 +8901,9 +8902,7 +8903,9 +8904,3 +8905,9 +8906,1 +8907,1 +8908,1 +8909,8 +8910,1 +8911,6 +8912,2 +8913,6 +8914,6 +8915,1 +8916,8 +8917,2 +8918,9 +8919,7 +8920,0 +8921,3 +8922,5 +8923,7 +8924,8 +8925,7 +8926,8 +8927,8 +8928,9 +8929,3 +8930,7 +8931,1 +8932,8 +8933,5 +8934,4 +8935,7 +8936,5 +8937,3 +8938,0 +8939,5 +8940,9 +8941,7 +8942,0 +8943,7 +8944,7 +8945,4 +8946,4 +8947,5 +8948,8 +8949,9 +8950,2 +8951,4 +8952,7 +8953,5 +8954,1 +8955,4 +8956,4 +8957,9 +8958,6 +8959,4 +8960,2 +8961,0 +8962,2 +8963,6 +8964,2 +8965,2 +8966,8 +8967,4 +8968,1 +8969,6 +8970,1 +8971,2 +8972,2 +8973,1 +8974,3 +8975,1 +8976,2 +8977,4 +8978,6 +8979,4 +8980,3 +8981,5 +8982,5 +8983,5 +8984,1 +8985,0 +8986,1 +8987,1 +8988,9 +8989,1 +8990,7 +8991,2 +8992,6 +8993,9 +8994,5 +8995,5 +8996,2 +8997,5 +8998,4 +8999,8 +9000,9 +9001,3 +9002,2 +9003,8 +9004,9 +9005,7 +9006,3 +9007,5 +9008,6 +9009,8 +9010,9 +9011,8 +9012,3 +9013,7 +9014,0 +9015,4 +9016,5 +9017,1 +9018,0 +9019,1 +9020,6 +9021,4 +9022,2 +9023,1 +9024,9 +9025,7 +9026,0 +9027,9 +9028,3 +9029,1 +9030,6 +9031,3 +9032,6 +9033,0 +9034,8 +9035,2 +9036,6 +9037,5 +9038,7 +9039,9 +9040,0 +9041,2 +9042,0 +9043,8 +9044,4 +9045,0 +9046,9 +9047,4 +9048,6 +9049,0 +9050,7 +9051,5 +9052,0 +9053,1 +9054,9 +9055,6 +9056,1 +9057,1 +9058,2 +9059,7 +9060,0 +9061,3 +9062,3 +9063,8 +9064,9 +9065,4 +9066,8 +9067,4 +9068,8 +9069,4 +9070,9 +9071,9 +9072,8 +9073,6 +9074,9 +9075,8 +9076,3 +9077,0 +9078,9 +9079,6 +9080,7 +9081,8 +9082,3 +9083,5 +9084,8 +9085,1 +9086,2 +9087,7 +9088,8 +9089,7 +9090,1 +9091,6 +9092,8 +9093,3 +9094,1 +9095,6 +9096,8 +9097,7 +9098,6 +9099,9 +9100,1 +9101,5 +9102,9 +9103,0 +9104,7 +9105,4 +9106,3 +9107,3 +9108,3 +9109,4 +9110,8 +9111,9 +9112,3 +9113,0 +9114,5 +9115,2 +9116,0 +9117,6 +9118,1 +9119,6 +9120,7 +9121,9 +9122,0 +9123,4 +9124,5 +9125,4 +9126,3 +9127,1 +9128,9 +9129,4 +9130,8 +9131,7 +9132,2 +9133,8 +9134,2 +9135,6 +9136,7 +9137,9 +9138,7 +9139,0 +9140,4 +9141,6 +9142,3 +9143,7 +9144,5 +9145,4 +9146,4 +9147,2 +9148,2 +9149,9 +9150,6 +9151,7 +9152,0 +9153,5 +9154,0 +9155,0 +9156,3 +9157,3 +9158,5 +9159,3 +9160,7 +9161,6 +9162,2 +9163,2 +9164,4 +9165,9 +9166,0 +9167,5 +9168,3 +9169,1 +9170,8 +9171,5 +9172,9 +9173,9 +9174,7 +9175,1 +9176,4 +9177,3 +9178,6 +9179,7 +9180,8 +9181,1 +9182,6 +9183,4 +9184,1 +9185,4 +9186,9 +9187,7 +9188,1 +9189,3 +9190,0 +9191,8 +9192,7 +9193,8 +9194,7 +9195,1 +9196,6 +9197,9 +9198,4 +9199,8 +9200,3 +9201,7 +9202,6 +9203,8 +9204,3 +9205,0 +9206,8 +9207,4 +9208,1 +9209,6 +9210,8 +9211,1 +9212,9 +9213,4 +9214,3 +9215,8 +9216,4 +9217,0 +9218,9 +9219,4 +9220,4 +9221,9 +9222,3 +9223,2 +9224,2 +9225,8 +9226,0 +9227,4 +9228,3 +9229,7 +9230,4 +9231,4 +9232,6 +9233,5 +9234,3 +9235,0 +9236,5 +9237,3 +9238,1 +9239,4 +9240,6 +9241,3 +9242,5 +9243,9 +9244,3 +9245,5 +9246,1 +9247,3 +9248,8 +9249,0 +9250,9 +9251,2 +9252,3 +9253,8 +9254,9 +9255,2 +9256,4 +9257,3 +9258,1 +9259,0 +9260,7 +9261,7 +9262,5 +9263,6 +9264,8 +9265,4 +9266,8 +9267,8 +9268,2 +9269,0 +9270,7 +9271,7 +9272,7 +9273,0 +9274,8 +9275,3 +9276,4 +9277,5 +9278,3 +9279,0 +9280,9 +9281,5 +9282,7 +9283,2 +9284,0 +9285,1 +9286,0 +9287,3 +9288,9 +9289,2 +9290,4 +9291,4 +9292,1 +9293,4 +9294,3 +9295,2 +9296,9 +9297,1 +9298,1 +9299,9 +9300,0 +9301,2 +9302,7 +9303,9 +9304,7 +9305,8 +9306,6 +9307,7 +9308,7 +9309,7 +9310,6 +9311,7 +9312,9 +9313,4 +9314,7 +9315,1 +9316,1 +9317,8 +9318,1 +9319,1 +9320,1 +9321,1 +9322,6 +9323,3 +9324,1 +9325,1 +9326,5 +9327,6 +9328,1 +9329,3 +9330,8 +9331,1 +9332,0 +9333,9 +9334,3 +9335,9 +9336,9 +9337,5 +9338,0 +9339,5 +9340,9 +9341,6 +9342,3 +9343,0 +9344,7 +9345,2 +9346,2 +9347,4 +9348,2 +9349,0 +9350,6 +9351,7 +9352,7 +9353,0 +9354,4 +9355,7 +9356,3 +9357,5 +9358,8 +9359,7 +9360,4 +9361,0 +9362,7 +9363,4 +9364,2 +9365,4 +9366,2 +9367,9 +9368,0 +9369,2 +9370,0 +9371,4 +9372,4 +9373,3 +9374,8 +9375,0 +9376,9 +9377,9 +9378,6 +9379,1 +9380,6 +9381,6 +9382,7 +9383,9 +9384,1 +9385,3 +9386,8 +9387,0 +9388,9 +9389,4 +9390,4 +9391,9 +9392,0 +9393,0 +9394,7 +9395,1 +9396,1 +9397,0 +9398,2 +9399,5 +9400,2 +9401,0 +9402,9 +9403,2 +9404,3 +9405,6 +9406,2 +9407,0 +9408,5 +9409,7 +9410,2 +9411,9 +9412,4 +9413,1 +9414,5 +9415,1 +9416,4 +9417,1 +9418,6 +9419,4 +9420,2 +9421,1 +9422,5 +9423,9 +9424,6 +9425,0 +9426,4 +9427,4 +9428,1 +9429,3 +9430,3 +9431,3 +9432,0 +9433,4 +9434,1 +9435,5 +9436,6 +9437,1 +9438,2 +9439,0 +9440,7 +9441,8 +9442,6 +9443,4 +9444,1 +9445,2 +9446,8 +9447,4 +9448,4 +9449,8 +9450,2 +9451,1 +9452,1 +9453,9 +9454,5 +9455,1 +9456,4 +9457,0 +9458,2 +9459,7 +9460,1 +9461,4 +9462,0 +9463,9 +9464,4 +9465,4 +9466,4 +9467,5 +9468,1 +9469,7 +9470,4 +9471,6 +9472,4 +9473,5 +9474,8 +9475,7 +9476,1 +9477,4 +9478,7 +9479,9 +9480,7 +9481,8 +9482,0 +9483,8 +9484,6 +9485,9 +9486,8 +9487,3 +9488,1 +9489,2 +9490,8 +9491,1 +9492,1 +9493,9 +9494,5 +9495,8 +9496,8 +9497,6 +9498,0 +9499,7 +9500,6 +9501,4 +9502,6 +9503,3 +9504,2 +9505,6 +9506,0 +9507,9 +9508,1 +9509,6 +9510,5 +9511,2 +9512,7 +9513,3 +9514,4 +9515,3 +9516,1 +9517,0 +9518,6 +9519,4 +9520,7 +9521,6 +9522,4 +9523,0 +9524,5 +9525,0 +9526,9 +9527,7 +9528,5 +9529,3 +9530,6 +9531,4 +9532,4 +9533,9 +9534,7 +9535,7 +9536,4 +9537,2 +9538,2 +9539,1 +9540,1 +9541,5 +9542,3 +9543,5 +9544,4 +9545,7 +9546,7 +9547,3 +9548,4 +9549,8 +9550,7 +9551,7 +9552,1 +9553,1 +9554,9 +9555,9 +9556,4 +9557,4 +9558,3 +9559,0 +9560,3 +9561,7 +9562,8 +9563,1 +9564,6 +9565,4 +9566,0 +9567,6 +9568,2 +9569,9 +9570,0 +9571,6 +9572,3 +9573,6 +9574,6 +9575,6 +9576,5 +9577,1 +9578,9 +9579,9 +9580,3 +9581,6 +9582,3 +9583,8 +9584,0 +9585,7 +9586,2 +9587,0 +9588,3 +9589,2 +9590,5 +9591,7 +9592,9 +9593,6 +9594,9 +9595,8 +9596,4 +9597,4 +9598,8 +9599,9 +9600,8 +9601,8 +9602,9 +9603,1 +9604,5 +9605,1 +9606,1 +9607,6 +9608,7 +9609,0 +9610,2 +9611,8 +9612,2 +9613,2 +9614,5 +9615,5 +9616,2 +9617,6 +9618,1 +9619,1 +9620,4 +9621,0 +9622,9 +9623,4 +9624,3 +9625,7 +9626,9 +9627,3 +9628,0 +9629,2 +9630,9 +9631,6 +9632,3 +9633,3 +9634,3 +9635,2 +9636,3 +9637,4 +9638,6 +9639,7 +9640,9 +9641,3 +9642,6 +9643,7 +9644,3 +9645,3 +9646,3 +9647,1 +9648,2 +9649,4 +9650,5 +9651,9 +9652,9 +9653,4 +9654,1 +9655,9 +9656,7 +9657,6 +9658,8 +9659,2 +9660,8 +9661,0 +9662,6 +9663,2 +9664,9 +9665,6 +9666,7 +9667,1 +9668,2 +9669,7 +9670,8 +9671,6 +9672,0 +9673,8 +9674,5 +9675,1 +9676,7 +9677,7 +9678,3 +9679,5 +9680,3 +9681,7 +9682,4 +9683,4 +9684,0 +9685,4 +9686,1 +9687,9 +9688,1 +9689,5 +9690,2 +9691,1 +9692,6 +9693,6 +9694,0 +9695,9 +9696,2 +9697,6 +9698,0 +9699,2 +9700,1 +9701,7 +9702,9 +9703,5 +9704,8 +9705,2 +9706,7 +9707,2 +9708,3 +9709,0 +9710,2 +9711,1 +9712,9 +9713,9 +9714,9 +9715,1 +9716,3 +9717,3 +9718,6 +9719,9 +9720,0 +9721,3 +9722,7 +9723,4 +9724,1 +9725,8 +9726,1 +9727,7 +9728,5 +9729,4 +9730,2 +9731,8 +9732,0 +9733,6 +9734,4 +9735,6 +9736,4 +9737,7 +9738,9 +9739,6 +9740,7 +9741,8 +9742,0 +9743,2 +9744,3 +9745,7 +9746,8 +9747,7 +9748,2 +9749,3 +9750,4 +9751,4 +9752,4 +9753,6 +9754,8 +9755,6 +9756,6 +9757,1 +9758,2 +9759,8 +9760,1 +9761,7 +9762,6 +9763,7 +9764,1 +9765,8 +9766,7 +9767,6 +9768,2 +9769,9 +9770,7 +9771,5 +9772,8 +9773,4 +9774,6 +9775,8 +9776,0 +9777,1 +9778,7 +9779,3 +9780,2 +9781,0 +9782,8 +9783,8 +9784,3 +9785,5 +9786,4 +9787,1 +9788,8 +9789,6 +9790,4 +9791,1 +9792,0 +9793,1 +9794,1 +9795,0 +9796,2 +9797,4 +9798,7 +9799,6 +9800,4 +9801,3 +9802,8 +9803,6 +9804,2 +9805,6 +9806,9 +9807,8 +9808,4 +9809,6 +9810,1 +9811,6 +9812,2 +9813,5 +9814,7 +9815,9 +9816,9 +9817,1 +9818,3 +9819,8 +9820,2 +9821,8 +9822,4 +9823,9 +9824,5 +9825,8 +9826,8 +9827,9 +9828,2 +9829,6 +9830,1 +9831,5 +9832,5 +9833,3 +9834,6 +9835,7 +9836,0 +9837,3 +9838,4 +9839,6 +9840,6 +9841,5 +9842,6 +9843,1 +9844,3 +9845,7 +9846,7 +9847,2 +9848,7 +9849,3 +9850,3 +9851,3 +9852,9 +9853,1 +9854,2 +9855,1 +9856,5 +9857,1 +9858,1 +9859,6 +9860,0 +9861,6 +9862,9 +9863,6 +9864,9 +9865,6 +9866,6 +9867,5 +9868,1 +9869,0 +9870,0 +9871,9 +9872,6 +9873,9 +9874,5 +9875,1 +9876,7 +9877,6 +9878,9 +9879,7 +9880,4 +9881,8 +9882,2 +9883,3 +9884,6 +9885,8 +9886,6 +9887,8 +9888,2 +9889,1 +9890,0 +9891,8 +9892,9 +9893,2 +9894,4 +9895,4 +9896,0 +9897,0 +9898,9 +9899,6 +9900,8 +9901,0 +9902,3 +9903,9 +9904,7 +9905,9 +9906,7 +9907,9 +9908,7 +9909,3 +9910,7 +9911,3 +9912,8 +9913,2 +9914,3 +9915,8 +9916,2 +9917,1 +9918,2 +9919,7 +9920,2 +9921,1 +9922,2 +9923,7 +9924,1 +9925,4 +9926,0 +9927,4 +9928,3 +9929,5 +9930,5 +9931,3 +9932,3 +9933,8 +9934,6 +9935,9 +9936,9 +9937,0 +9938,2 +9939,5 +9940,7 +9941,4 +9942,6 +9943,8 +9944,6 +9945,2 +9946,3 +9947,3 +9948,7 +9949,8 +9950,8 +9951,4 +9952,9 +9953,7 +9954,0 +9955,3 +9956,8 +9957,7 +9958,4 +9959,8 +9960,2 +9961,8 +9962,7 +9963,7 +9964,5 +9965,7 +9966,8 +9967,0 +9968,7 +9969,5 +9970,1 +9971,5 +9972,9 +9973,9 +9974,0 +9975,4 +9976,9 +9977,9 +9978,4 +9979,7 +9980,9 +9981,0 +9982,1 +9983,4 +9984,3 +9985,5 +9986,3 +9987,0 +9988,9 +9989,4 +9990,4 +9991,8 +9992,6 +9993,1 +9994,2 +9995,1 +9996,1 +9997,9 +9998,2 +9999,7 +10000,7 +10001,0 +10002,1 +10003,5 +10004,1 +10005,6 +10006,9 +10007,8 +10008,3 +10009,4 +10010,0 +10011,3 +10012,1 +10013,0 +10014,5 +10015,3 +10016,9 +10017,8 +10018,1 +10019,7 +10020,8 +10021,5 +10022,6 +10023,8 +10024,1 +10025,1 +10026,7 +10027,1 +10028,4 +10029,8 +10030,0 +10031,8 +10032,5 +10033,6 +10034,0 +10035,7 +10036,7 +10037,1 +10038,6 +10039,8 +10040,0 +10041,1 +10042,2 +10043,9 +10044,0 +10045,5 +10046,4 +10047,5 +10048,1 +10049,2 +10050,1 +10051,1 +10052,2 +10053,7 +10054,3 +10055,3 +10056,6 +10057,5 +10058,2 +10059,8 +10060,5 +10061,9 +10062,8 +10063,4 +10064,3 +10065,5 +10066,3 +10067,4 +10068,0 +10069,6 +10070,6 +10071,3 +10072,5 +10073,4 +10074,6 +10075,9 +10076,1 +10077,2 +10078,7 +10079,9 +10080,0 +10081,3 +10082,4 +10083,9 +10084,6 +10085,8 +10086,6 +10087,9 +10088,3 +10089,8 +10090,2 +10091,8 +10092,4 +10093,1 +10094,1 +10095,7 +10096,3 +10097,8 +10098,1 +10099,2 +10100,3 +10101,3 +10102,9 +10103,4 +10104,7 +10105,2 +10106,4 +10107,0 +10108,1 +10109,4 +10110,3 +10111,6 +10112,2 +10113,4 +10114,1 +10115,5 +10116,9 +10117,7 +10118,1 +10119,7 +10120,6 +10121,6 +10122,1 +10123,6 +10124,7 +10125,4 +10126,8 +10127,2 +10128,1 +10129,9 +10130,9 +10131,6 +10132,2 +10133,5 +10134,5 +10135,3 +10136,9 +10137,0 +10138,6 +10139,2 +10140,5 +10141,6 +10142,0 +10143,3 +10144,4 +10145,3 +10146,6 +10147,7 +10148,6 +10149,0 +10150,3 +10151,5 +10152,5 +10153,8 +10154,4 +10155,0 +10156,6 +10157,9 +10158,5 +10159,6 +10160,0 +10161,1 +10162,7 +10163,0 +10164,7 +10165,5 +10166,6 +10167,4 +10168,3 +10169,4 +10170,4 +10171,6 +10172,2 +10173,2 +10174,4 +10175,7 +10176,7 +10177,3 +10178,2 +10179,8 +10180,7 +10181,4 +10182,9 +10183,2 +10184,4 +10185,2 +10186,1 +10187,3 +10188,9 +10189,4 +10190,0 +10191,1 +10192,2 +10193,9 +10194,7 +10195,7 +10196,9 +10197,3 +10198,4 +10199,5 +10200,5 +10201,1 +10202,5 +10203,5 +10204,6 +10205,1 +10206,2 +10207,8 +10208,8 +10209,4 +10210,6 +10211,9 +10212,3 +10213,6 +10214,1 +10215,0 +10216,5 +10217,4 +10218,0 +10219,3 +10220,1 +10221,1 +10222,5 +10223,5 +10224,3 +10225,1 +10226,2 +10227,4 +10228,6 +10229,9 +10230,2 +10231,4 +10232,1 +10233,7 +10234,9 +10235,8 +10236,5 +10237,1 +10238,1 +10239,4 +10240,3 +10241,6 +10242,2 +10243,2 +10244,1 +10245,6 +10246,7 +10247,7 +10248,1 +10249,7 +10250,3 +10251,0 +10252,1 +10253,1 +10254,5 +10255,3 +10256,1 +10257,1 +10258,3 +10259,2 +10260,7 +10261,1 +10262,2 +10263,1 +10264,8 +10265,8 +10266,0 +10267,7 +10268,5 +10269,5 +10270,4 +10271,0 +10272,8 +10273,7 +10274,7 +10275,2 +10276,4 +10277,5 +10278,8 +10279,2 +10280,0 +10281,7 +10282,4 +10283,1 +10284,1 +10285,1 +10286,1 +10287,5 +10288,4 +10289,2 +10290,1 +10291,0 +10292,2 +10293,4 +10294,7 +10295,0 +10296,2 +10297,8 +10298,0 +10299,2 +10300,1 +10301,9 +10302,7 +10303,3 +10304,3 +10305,4 +10306,4 +10307,1 +10308,1 +10309,4 +10310,2 +10311,3 +10312,1 +10313,0 +10314,9 +10315,8 +10316,5 +10317,9 +10318,8 +10319,6 +10320,7 +10321,8 +10322,1 +10323,6 +10324,3 +10325,7 +10326,6 +10327,1 +10328,7 +10329,3 +10330,3 +10331,5 +10332,7 +10333,7 +10334,6 +10335,0 +10336,8 +10337,1 +10338,7 +10339,9 +10340,3 +10341,3 +10342,2 +10343,1 +10344,3 +10345,9 +10346,4 +10347,3 +10348,1 +10349,9 +10350,7 +10351,7 +10352,2 +10353,3 +10354,4 +10355,8 +10356,0 +10357,9 +10358,4 +10359,1 +10360,1 +10361,7 +10362,2 +10363,6 +10364,6 +10365,4 +10366,1 +10367,0 +10368,4 +10369,2 +10370,1 +10371,3 +10372,7 +10373,4 +10374,0 +10375,2 +10376,8 +10377,5 +10378,8 +10379,9 +10380,9 +10381,7 +10382,5 +10383,6 +10384,8 +10385,2 +10386,4 +10387,7 +10388,0 +10389,1 +10390,7 +10391,3 +10392,8 +10393,6 +10394,9 +10395,7 +10396,5 +10397,3 +10398,1 +10399,2 +10400,0 +10401,8 +10402,1 +10403,4 +10404,1 +10405,1 +10406,1 +10407,8 +10408,7 +10409,4 +10410,7 +10411,9 +10412,6 +10413,9 +10414,6 +10415,2 +10416,4 +10417,4 +10418,2 +10419,1 +10420,8 +10421,7 +10422,5 +10423,4 +10424,6 +10425,2 +10426,1 +10427,6 +10428,7 +10429,1 +10430,3 +10431,0 +10432,0 +10433,5 +10434,8 +10435,9 +10436,7 +10437,2 +10438,0 +10439,5 +10440,9 +10441,2 +10442,2 +10443,4 +10444,2 +10445,4 +10446,3 +10447,0 +10448,1 +10449,8 +10450,5 +10451,1 +10452,3 +10453,2 +10454,1 +10455,3 +10456,2 +10457,4 +10458,0 +10459,4 +10460,1 +10461,8 +10462,3 +10463,7 +10464,9 +10465,5 +10466,8 +10467,8 +10468,6 +10469,4 +10470,3 +10471,7 +10472,4 +10473,9 +10474,6 +10475,8 +10476,8 +10477,6 +10478,6 +10479,5 +10480,7 +10481,9 +10482,4 +10483,4 +10484,2 +10485,3 +10486,6 +10487,6 +10488,0 +10489,0 +10490,6 +10491,6 +10492,9 +10493,1 +10494,4 +10495,4 +10496,7 +10497,3 +10498,7 +10499,3 +10500,2 +10501,3 +10502,8 +10503,4 +10504,9 +10505,6 +10506,4 +10507,0 +10508,3 +10509,9 +10510,2 +10511,0 +10512,0 +10513,7 +10514,8 +10515,8 +10516,3 +10517,5 +10518,8 +10519,6 +10520,3 +10521,7 +10522,5 +10523,0 +10524,2 +10525,7 +10526,8 +10527,6 +10528,1 +10529,5 +10530,5 +10531,4 +10532,4 +10533,3 +10534,4 +10535,5 +10536,3 +10537,2 +10538,8 +10539,2 +10540,1 +10541,5 +10542,7 +10543,1 +10544,9 +10545,4 +10546,9 +10547,3 +10548,1 +10549,7 +10550,8 +10551,3 +10552,6 +10553,8 +10554,9 +10555,5 +10556,2 +10557,2 +10558,8 +10559,8 +10560,8 +10561,7 +10562,2 +10563,9 +10564,7 +10565,4 +10566,1 +10567,7 +10568,8 +10569,2 +10570,0 +10571,5 +10572,1 +10573,3 +10574,6 +10575,9 +10576,6 +10577,4 +10578,9 +10579,6 +10580,7 +10581,8 +10582,3 +10583,1 +10584,6 +10585,9 +10586,9 +10587,4 +10588,9 +10589,6 +10590,8 +10591,3 +10592,8 +10593,1 +10594,4 +10595,8 +10596,9 +10597,3 +10598,1 +10599,8 +10600,0 +10601,5 +10602,2 +10603,7 +10604,1 +10605,0 +10606,5 +10607,2 +10608,4 +10609,0 +10610,3 +10611,8 +10612,9 +10613,6 +10614,6 +10615,2 +10616,8 +10617,6 +10618,7 +10619,0 +10620,0 +10621,3 +10622,3 +10623,6 +10624,5 +10625,1 +10626,1 +10627,7 +10628,9 +10629,3 +10630,1 +10631,5 +10632,8 +10633,3 +10634,2 +10635,6 +10636,8 +10637,3 +10638,8 +10639,7 +10640,4 +10641,2 +10642,9 +10643,7 +10644,3 +10645,9 +10646,8 +10647,2 +10648,3 +10649,5 +10650,1 +10651,0 +10652,9 +10653,9 +10654,2 +10655,3 +10656,7 +10657,7 +10658,9 +10659,7 +10660,8 +10661,6 +10662,0 +10663,5 +10664,4 +10665,3 +10666,7 +10667,4 +10668,1 +10669,3 +10670,4 +10671,8 +10672,7 +10673,0 +10674,0 +10675,5 +10676,6 +10677,4 +10678,5 +10679,1 +10680,4 +10681,9 +10682,2 +10683,2 +10684,7 +10685,9 +10686,2 +10687,9 +10688,8 +10689,2 +10690,1 +10691,6 +10692,2 +10693,3 +10694,5 +10695,5 +10696,3 +10697,2 +10698,0 +10699,9 +10700,8 +10701,6 +10702,1 +10703,2 +10704,0 +10705,1 +10706,1 +10707,5 +10708,6 +10709,8 +10710,8 +10711,3 +10712,3 +10713,9 +10714,0 +10715,0 +10716,3 +10717,2 +10718,4 +10719,8 +10720,9 +10721,8 +10722,4 +10723,1 +10724,9 +10725,0 +10726,9 +10727,9 +10728,2 +10729,9 +10730,4 +10731,4 +10732,7 +10733,9 +10734,9 +10735,1 +10736,2 +10737,0 +10738,5 +10739,3 +10740,9 +10741,6 +10742,7 +10743,2 +10744,5 +10745,4 +10746,4 +10747,0 +10748,1 +10749,0 +10750,9 +10751,4 +10752,0 +10753,1 +10754,9 +10755,6 +10756,0 +10757,2 +10758,1 +10759,4 +10760,5 +10761,7 +10762,8 +10763,7 +10764,7 +10765,9 +10766,2 +10767,8 +10768,7 +10769,5 +10770,6 +10771,4 +10772,9 +10773,8 +10774,7 +10775,0 +10776,7 +10777,1 +10778,6 +10779,8 +10780,6 +10781,3 +10782,2 +10783,6 +10784,8 +10785,5 +10786,5 +10787,5 +10788,2 +10789,8 +10790,3 +10791,6 +10792,3 +10793,6 +10794,9 +10795,0 +10796,5 +10797,2 +10798,0 +10799,5 +10800,8 +10801,7 +10802,4 +10803,4 +10804,7 +10805,0 +10806,2 +10807,5 +10808,4 +10809,0 +10810,1 +10811,1 +10812,0 +10813,6 +10814,2 +10815,5 +10816,0 +10817,9 +10818,0 +10819,8 +10820,5 +10821,4 +10822,6 +10823,5 +10824,3 +10825,8 +10826,7 +10827,0 +10828,9 +10829,1 +10830,4 +10831,1 +10832,5 +10833,2 +10834,2 +10835,4 +10836,2 +10837,9 +10838,8 +10839,7 +10840,1 +10841,8 +10842,3 +10843,4 +10844,7 +10845,1 +10846,9 +10847,0 +10848,9 +10849,8 +10850,7 +10851,9 +10852,4 +10853,1 +10854,9 +10855,7 +10856,2 +10857,0 +10858,8 +10859,3 +10860,4 +10861,0 +10862,5 +10863,5 +10864,4 +10865,2 +10866,5 +10867,5 +10868,5 +10869,7 +10870,1 +10871,5 +10872,3 +10873,2 +10874,8 +10875,0 +10876,9 +10877,4 +10878,0 +10879,1 +10880,6 +10881,8 +10882,3 +10883,6 +10884,2 +10885,3 +10886,4 +10887,4 +10888,2 +10889,3 +10890,6 +10891,2 +10892,1 +10893,6 +10894,8 +10895,5 +10896,9 +10897,1 +10898,7 +10899,9 +10900,0 +10901,7 +10902,9 +10903,4 +10904,2 +10905,6 +10906,0 +10907,6 +10908,4 +10909,1 +10910,7 +10911,2 +10912,8 +10913,0 +10914,6 +10915,0 +10916,1 +10917,9 +10918,9 +10919,3 +10920,7 +10921,0 +10922,7 +10923,4 +10924,6 +10925,2 +10926,1 +10927,2 +10928,1 +10929,7 +10930,6 +10931,9 +10932,0 +10933,0 +10934,1 +10935,4 +10936,8 +10937,7 +10938,3 +10939,8 +10940,6 +10941,9 +10942,3 +10943,8 +10944,3 +10945,7 +10946,9 +10947,6 +10948,0 +10949,1 +10950,7 +10951,1 +10952,1 +10953,4 +10954,1 +10955,6 +10956,6 +10957,3 +10958,1 +10959,8 +10960,1 +10961,9 +10962,6 +10963,2 +10964,1 +10965,5 +10966,1 +10967,2 +10968,7 +10969,9 +10970,0 +10971,5 +10972,1 +10973,3 +10974,2 +10975,6 +10976,1 +10977,4 +10978,9 +10979,4 +10980,9 +10981,5 +10982,2 +10983,6 +10984,6 +10985,3 +10986,4 +10987,3 +10988,4 +10989,7 +10990,0 +10991,7 +10992,0 +10993,8 +10994,2 +10995,0 +10996,0 +10997,7 +10998,7 +10999,1 +11000,0 +11001,5 +11002,6 +11003,2 +11004,3 +11005,7 +11006,1 +11007,7 +11008,6 +11009,8 +11010,3 +11011,2 +11012,0 +11013,1 +11014,5 +11015,8 +11016,2 +11017,6 +11018,0 +11019,0 +11020,5 +11021,4 +11022,0 +11023,3 +11024,6 +11025,6 +11026,4 +11027,2 +11028,7 +11029,1 +11030,2 +11031,9 +11032,5 +11033,8 +11034,7 +11035,4 +11036,4 +11037,6 +11038,8 +11039,9 +11040,8 +11041,3 +11042,3 +11043,7 +11044,3 +11045,2 +11046,0 +11047,4 +11048,9 +11049,0 +11050,3 +11051,7 +11052,6 +11053,2 +11054,0 +11055,0 +11056,7 +11057,2 +11058,1 +11059,7 +11060,1 +11061,8 +11062,8 +11063,8 +11064,0 +11065,5 +11066,7 +11067,8 +11068,8 +11069,7 +11070,5 +11071,1 +11072,9 +11073,6 +11074,3 +11075,2 +11076,0 +11077,6 +11078,8 +11079,4 +11080,0 +11081,3 +11082,9 +11083,9 +11084,0 +11085,9 +11086,5 +11087,7 +11088,6 +11089,2 +11090,2 +11091,5 +11092,3 +11093,8 +11094,5 +11095,7 +11096,1 +11097,1 +11098,5 +11099,4 +11100,6 +11101,0 +11102,2 +11103,7 +11104,2 +11105,0 +11106,7 +11107,1 +11108,1 +11109,1 +11110,7 +11111,9 +11112,0 +11113,8 +11114,9 +11115,0 +11116,8 +11117,1 +11118,7 +11119,3 +11120,2 +11121,7 +11122,1 +11123,9 +11124,3 +11125,3 +11126,7 +11127,9 +11128,4 +11129,2 +11130,7 +11131,3 +11132,7 +11133,2 +11134,5 +11135,9 +11136,0 +11137,2 +11138,6 +11139,0 +11140,7 +11141,8 +11142,8 +11143,7 +11144,0 +11145,2 +11146,9 +11147,4 +11148,0 +11149,1 +11150,9 +11151,6 +11152,7 +11153,2 +11154,3 +11155,7 +11156,6 +11157,9 +11158,9 +11159,0 +11160,3 +11161,6 +11162,4 +11163,4 +11164,2 +11165,3 +11166,5 +11167,4 +11168,6 +11169,3 +11170,8 +11171,7 +11172,0 +11173,2 +11174,7 +11175,7 +11176,7 +11177,0 +11178,0 +11179,1 +11180,9 +11181,0 +11182,6 +11183,9 +11184,7 +11185,8 +11186,1 +11187,3 +11188,1 +11189,1 +11190,2 +11191,3 +11192,9 +11193,0 +11194,0 +11195,5 +11196,2 +11197,2 +11198,3 +11199,0 +11200,9 +11201,4 +11202,9 +11203,1 +11204,2 +11205,5 +11206,1 +11207,1 +11208,5 +11209,2 +11210,8 +11211,8 +11212,5 +11213,1 +11214,8 +11215,5 +11216,3 +11217,6 +11218,7 +11219,9 +11220,1 +11221,8 +11222,8 +11223,2 +11224,1 +11225,8 +11226,8 +11227,0 +11228,9 +11229,0 +11230,2 +11231,3 +11232,5 +11233,6 +11234,0 +11235,0 +11236,0 +11237,8 +11238,0 +11239,6 +11240,3 +11241,3 +11242,7 +11243,2 +11244,5 +11245,6 +11246,2 +11247,8 +11248,5 +11249,8 +11250,0 +11251,3 +11252,7 +11253,4 +11254,0 +11255,1 +11256,3 +11257,1 +11258,8 +11259,0 +11260,8 +11261,9 +11262,5 +11263,3 +11264,0 +11265,3 +11266,7 +11267,0 +11268,6 +11269,8 +11270,3 +11271,8 +11272,6 +11273,7 +11274,7 +11275,3 +11276,1 +11277,8 +11278,7 +11279,6 +11280,3 +11281,2 +11282,6 +11283,4 +11284,9 +11285,5 +11286,8 +11287,2 +11288,7 +11289,3 +11290,2 +11291,4 +11292,8 +11293,4 +11294,9 +11295,4 +11296,1 +11297,1 +11298,6 +11299,8 +11300,8 +11301,5 +11302,1 +11303,7 +11304,3 +11305,5 +11306,0 +11307,1 +11308,3 +11309,4 +11310,5 +11311,6 +11312,2 +11313,7 +11314,9 +11315,9 +11316,9 +11317,6 +11318,7 +11319,0 +11320,1 +11321,6 +11322,8 +11323,4 +11324,3 +11325,5 +11326,4 +11327,1 +11328,6 +11329,4 +11330,5 +11331,1 +11332,2 +11333,6 +11334,9 +11335,2 +11336,4 +11337,7 +11338,0 +11339,2 +11340,1 +11341,8 +11342,1 +11343,7 +11344,7 +11345,5 +11346,3 +11347,2 +11348,8 +11349,7 +11350,3 +11351,1 +11352,4 +11353,8 +11354,9 +11355,1 +11356,7 +11357,9 +11358,7 +11359,0 +11360,6 +11361,0 +11362,2 +11363,8 +11364,2 +11365,9 +11366,4 +11367,3 +11368,0 +11369,3 +11370,8 +11371,9 +11372,1 +11373,3 +11374,5 +11375,4 +11376,2 +11377,9 +11378,1 +11379,8 +11380,1 +11381,6 +11382,0 +11383,4 +11384,8 +11385,0 +11386,9 +11387,1 +11388,0 +11389,5 +11390,9 +11391,7 +11392,7 +11393,5 +11394,8 +11395,4 +11396,7 +11397,9 +11398,7 +11399,9 +11400,6 +11401,9 +11402,5 +11403,8 +11404,4 +11405,0 +11406,0 +11407,5 +11408,9 +11409,6 +11410,6 +11411,1 +11412,6 +11413,0 +11414,2 +11415,1 +11416,8 +11417,5 +11418,7 +11419,4 +11420,4 +11421,1 +11422,4 +11423,6 +11424,2 +11425,8 +11426,7 +11427,5 +11428,5 +11429,6 +11430,1 +11431,1 +11432,3 +11433,1 +11434,7 +11435,0 +11436,3 +11437,3 +11438,5 +11439,8 +11440,7 +11441,2 +11442,3 +11443,3 +11444,7 +11445,3 +11446,9 +11447,9 +11448,8 +11449,6 +11450,6 +11451,0 +11452,5 +11453,5 +11454,4 +11455,3 +11456,0 +11457,6 +11458,1 +11459,1 +11460,3 +11461,2 +11462,6 +11463,1 +11464,3 +11465,3 +11466,7 +11467,3 +11468,8 +11469,0 +11470,0 +11471,0 +11472,1 +11473,5 +11474,2 +11475,8 +11476,7 +11477,1 +11478,0 +11479,4 +11480,3 +11481,2 +11482,3 +11483,9 +11484,7 +11485,4 +11486,4 +11487,9 +11488,2 +11489,9 +11490,9 +11491,3 +11492,9 +11493,2 +11494,1 +11495,0 +11496,6 +11497,4 +11498,1 +11499,9 +11500,4 +11501,0 +11502,9 +11503,5 +11504,0 +11505,8 +11506,9 +11507,9 +11508,4 +11509,3 +11510,1 +11511,5 +11512,5 +11513,0 +11514,6 +11515,6 +11516,6 +11517,5 +11518,6 +11519,4 +11520,4 +11521,0 +11522,4 +11523,8 +11524,5 +11525,9 +11526,4 +11527,6 +11528,4 +11529,5 +11530,8 +11531,5 +11532,7 +11533,4 +11534,1 +11535,1 +11536,2 +11537,8 +11538,3 +11539,1 +11540,0 +11541,3 +11542,5 +11543,3 +11544,7 +11545,7 +11546,1 +11547,7 +11548,9 +11549,7 +11550,3 +11551,5 +11552,9 +11553,4 +11554,2 +11555,3 +11556,2 +11557,2 +11558,2 +11559,6 +11560,5 +11561,0 +11562,7 +11563,7 +11564,3 +11565,9 +11566,8 +11567,5 +11568,0 +11569,5 +11570,9 +11571,0 +11572,6 +11573,3 +11574,3 +11575,5 +11576,9 +11577,2 +11578,6 +11579,1 +11580,7 +11581,1 +11582,8 +11583,8 +11584,1 +11585,2 +11586,0 +11587,3 +11588,8 +11589,0 +11590,1 +11591,8 +11592,3 +11593,3 +11594,3 +11595,9 +11596,8 +11597,4 +11598,1 +11599,1 +11600,3 +11601,5 +11602,1 +11603,7 +11604,4 +11605,1 +11606,5 +11607,9 +11608,9 +11609,0 +11610,7 +11611,7 +11612,6 +11613,4 +11614,1 +11615,6 +11616,1 +11617,7 +11618,8 +11619,2 +11620,1 +11621,9 +11622,4 +11623,2 +11624,9 +11625,5 +11626,3 +11627,4 +11628,7 +11629,4 +11630,7 +11631,3 +11632,9 +11633,7 +11634,1 +11635,6 +11636,5 +11637,7 +11638,8 +11639,0 +11640,1 +11641,9 +11642,0 +11643,2 +11644,6 +11645,1 +11646,0 +11647,2 +11648,4 +11649,4 +11650,6 +11651,1 +11652,1 +11653,2 +11654,8 +11655,2 +11656,6 +11657,4 +11658,7 +11659,7 +11660,1 +11661,6 +11662,8 +11663,2 +11664,4 +11665,2 +11666,7 +11667,8 +11668,6 +11669,6 +11670,4 +11671,4 +11672,5 +11673,5 +11674,2 +11675,5 +11676,7 +11677,6 +11678,7 +11679,9 +11680,9 +11681,2 +11682,0 +11683,8 +11684,9 +11685,4 +11686,5 +11687,3 +11688,8 +11689,1 +11690,3 +11691,0 +11692,4 +11693,5 +11694,1 +11695,7 +11696,0 +11697,6 +11698,3 +11699,5 +11700,9 +11701,1 +11702,5 +11703,9 +11704,7 +11705,8 +11706,0 +11707,4 +11708,5 +11709,0 +11710,6 +11711,0 +11712,6 +11713,5 +11714,1 +11715,2 +11716,6 +11717,0 +11718,2 +11719,2 +11720,9 +11721,8 +11722,1 +11723,6 +11724,2 +11725,1 +11726,9 +11727,4 +11728,8 +11729,4 +11730,7 +11731,9 +11732,4 +11733,7 +11734,1 +11735,6 +11736,7 +11737,9 +11738,9 +11739,2 +11740,4 +11741,4 +11742,3 +11743,5 +11744,9 +11745,8 +11746,6 +11747,3 +11748,6 +11749,7 +11750,2 +11751,4 +11752,6 +11753,5 +11754,4 +11755,1 +11756,9 +11757,1 +11758,6 +11759,5 +11760,6 +11761,8 +11762,5 +11763,8 +11764,9 +11765,6 +11766,0 +11767,6 +11768,9 +11769,2 +11770,7 +11771,7 +11772,6 +11773,4 +11774,2 +11775,7 +11776,7 +11777,3 +11778,5 +11779,6 +11780,6 +11781,5 +11782,9 +11783,4 +11784,5 +11785,4 +11786,0 +11787,5 +11788,5 +11789,1 +11790,8 +11791,1 +11792,2 +11793,1 +11794,1 +11795,2 +11796,3 +11797,6 +11798,8 +11799,2 +11800,1 +11801,2 +11802,5 +11803,4 +11804,2 +11805,1 +11806,4 +11807,8 +11808,6 +11809,8 +11810,8 +11811,6 +11812,0 +11813,9 +11814,7 +11815,6 +11816,2 +11817,4 +11818,3 +11819,2 +11820,9 +11821,7 +11822,6 +11823,4 +11824,6 +11825,8 +11826,1 +11827,8 +11828,8 +11829,7 +11830,1 +11831,4 +11832,3 +11833,2 +11834,9 +11835,8 +11836,8 +11837,0 +11838,5 +11839,7 +11840,3 +11841,1 +11842,8 +11843,3 +11844,3 +11845,7 +11846,0 +11847,3 +11848,7 +11849,1 +11850,1 +11851,8 +11852,3 +11853,0 +11854,4 +11855,9 +11856,6 +11857,1 +11858,8 +11859,9 +11860,0 +11861,6 +11862,2 +11863,6 +11864,9 +11865,0 +11866,8 +11867,3 +11868,5 +11869,1 +11870,9 +11871,7 +11872,6 +11873,6 +11874,3 +11875,0 +11876,2 +11877,3 +11878,2 +11879,6 +11880,5 +11881,9 +11882,7 +11883,1 +11884,7 +11885,1 +11886,5 +11887,5 +11888,1 +11889,6 +11890,1 +11891,4 +11892,2 +11893,9 +11894,7 +11895,8 +11896,4 +11897,7 +11898,5 +11899,1 +11900,4 +11901,5 +11902,2 +11903,5 +11904,1 +11905,9 +11906,0 +11907,7 +11908,1 +11909,7 +11910,3 +11911,0 +11912,6 +11913,0 +11914,6 +11915,8 +11916,5 +11917,4 +11918,1 +11919,1 +11920,1 +11921,0 +11922,7 +11923,3 +11924,3 +11925,7 +11926,4 +11927,6 +11928,7 +11929,3 +11930,1 +11931,6 +11932,5 +11933,8 +11934,7 +11935,7 +11936,4 +11937,9 +11938,1 +11939,3 +11940,4 +11941,9 +11942,1 +11943,4 +11944,1 +11945,8 +11946,2 +11947,3 +11948,6 +11949,7 +11950,1 +11951,3 +11952,4 +11953,1 +11954,0 +11955,0 +11956,8 +11957,9 +11958,6 +11959,5 +11960,0 +11961,5 +11962,9 +11963,4 +11964,0 +11965,6 +11966,4 +11967,4 +11968,0 +11969,2 +11970,8 +11971,9 +11972,1 +11973,9 +11974,7 +11975,3 +11976,2 +11977,9 +11978,3 +11979,7 +11980,4 +11981,8 +11982,8 +11983,7 +11984,5 +11985,7 +11986,8 +11987,6 +11988,0 +11989,1 +11990,6 +11991,3 +11992,9 +11993,5 +11994,0 +11995,6 +11996,7 +11997,3 +11998,8 +11999,5 +12000,5 +12001,9 +12002,8 +12003,8 +12004,5 +12005,5 +12006,1 +12007,3 +12008,7 +12009,5 +12010,2 +12011,9 +12012,5 +12013,4 +12014,6 +12015,7 +12016,3 +12017,2 +12018,0 +12019,9 +12020,5 +12021,0 +12022,2 +12023,9 +12024,0 +12025,1 +12026,1 +12027,0 +12028,8 +12029,5 +12030,3 +12031,6 +12032,5 +12033,6 +12034,1 +12035,1 +12036,7 +12037,3 +12038,0 +12039,6 +12040,7 +12041,5 +12042,0 +12043,1 +12044,1 +12045,1 +12046,5 +12047,4 +12048,5 +12049,2 +12050,4 +12051,2 +12052,8 +12053,9 +12054,1 +12055,3 +12056,5 +12057,1 +12058,7 +12059,6 +12060,5 +12061,1 +12062,1 +12063,9 +12064,4 +12065,0 +12066,7 +12067,2 +12068,5 +12069,9 +12070,2 +12071,8 +12072,2 +12073,1 +12074,5 +12075,2 +12076,0 +12077,4 +12078,3 +12079,9 +12080,8 +12081,7 +12082,0 +12083,4 +12084,9 +12085,8 +12086,2 +12087,2 +12088,7 +12089,0 +12090,1 +12091,3 +12092,4 +12093,9 +12094,7 +12095,0 +12096,3 +12097,4 +12098,0 +12099,6 +12100,4 +12101,3 +12102,9 +12103,3 +12104,7 +12105,4 +12106,9 +12107,9 +12108,7 +12109,9 +12110,1 +12111,3 +12112,6 +12113,5 +12114,8 +12115,1 +12116,0 +12117,8 +12118,9 +12119,0 +12120,1 +12121,0 +12122,8 +12123,7 +12124,5 +12125,4 +12126,4 +12127,1 +12128,3 +12129,2 +12130,7 +12131,1 +12132,2 +12133,0 +12134,4 +12135,0 +12136,6 +12137,8 +12138,7 +12139,1 +12140,3 +12141,3 +12142,1 +12143,3 +12144,8 +12145,0 +12146,5 +12147,8 +12148,1 +12149,1 +12150,8 +12151,9 +12152,1 +12153,1 +12154,9 +12155,2 +12156,2 +12157,3 +12158,4 +12159,0 +12160,1 +12161,5 +12162,6 +12163,3 +12164,3 +12165,3 +12166,7 +12167,7 +12168,1 +12169,0 +12170,5 +12171,8 +12172,7 +12173,3 +12174,9 +12175,1 +12176,9 +12177,2 +12178,3 +12179,8 +12180,9 +12181,6 +12182,5 +12183,8 +12184,2 +12185,6 +12186,2 +12187,9 +12188,2 +12189,2 +12190,5 +12191,2 +12192,9 +12193,5 +12194,1 +12195,4 +12196,8 +12197,8 +12198,5 +12199,7 +12200,1 +12201,8 +12202,4 +12203,1 +12204,4 +12205,3 +12206,1 +12207,1 +12208,8 +12209,8 +12210,4 +12211,2 +12212,0 +12213,1 +12214,8 +12215,7 +12216,2 +12217,7 +12218,8 +12219,3 +12220,1 +12221,7 +12222,1 +12223,2 +12224,4 +12225,3 +12226,1 +12227,6 +12228,5 +12229,0 +12230,7 +12231,9 +12232,1 +12233,5 +12234,9 +12235,7 +12236,5 +12237,3 +12238,4 +12239,7 +12240,2 +12241,2 +12242,2 +12243,6 +12244,1 +12245,1 +12246,3 +12247,9 +12248,0 +12249,0 +12250,7 +12251,6 +12252,0 +12253,6 +12254,4 +12255,2 +12256,8 +12257,5 +12258,3 +12259,6 +12260,6 +12261,1 +12262,1 +12263,2 +12264,6 +12265,1 +12266,6 +12267,7 +12268,2 +12269,0 +12270,1 +12271,8 +12272,9 +12273,1 +12274,7 +12275,8 +12276,7 +12277,3 +12278,7 +12279,0 +12280,0 +12281,1 +12282,5 +12283,5 +12284,8 +12285,4 +12286,4 +12287,4 +12288,4 +12289,9 +12290,9 +12291,2 +12292,0 +12293,3 +12294,1 +12295,7 +12296,1 +12297,5 +12298,4 +12299,7 +12300,2 +12301,4 +12302,3 +12303,3 +12304,5 +12305,3 +12306,8 +12307,0 +12308,8 +12309,9 +12310,9 +12311,1 +12312,9 +12313,0 +12314,8 +12315,6 +12316,6 +12317,5 +12318,9 +12319,0 +12320,2 +12321,1 +12322,4 +12323,9 +12324,8 +12325,5 +12326,7 +12327,1 +12328,8 +12329,5 +12330,1 +12331,0 +12332,4 +12333,2 +12334,4 +12335,7 +12336,3 +12337,1 +12338,9 +12339,5 +12340,0 +12341,9 +12342,9 +12343,1 +12344,2 +12345,4 +12346,1 +12347,6 +12348,9 +12349,6 +12350,3 +12351,6 +12352,4 +12353,3 +12354,9 +12355,9 +12356,8 +12357,2 +12358,7 +12359,6 +12360,6 +12361,6 +12362,0 +12363,7 +12364,4 +12365,8 +12366,4 +12367,3 +12368,4 +12369,0 +12370,0 +12371,4 +12372,7 +12373,1 +12374,5 +12375,3 +12376,0 +12377,1 +12378,6 +12379,6 +12380,7 +12381,1 +12382,2 +12383,0 +12384,9 +12385,2 +12386,4 +12387,1 +12388,5 +12389,4 +12390,7 +12391,1 +12392,6 +12393,1 +12394,7 +12395,2 +12396,1 +12397,5 +12398,2 +12399,7 +12400,1 +12401,3 +12402,2 +12403,1 +12404,1 +12405,8 +12406,4 +12407,9 +12408,5 +12409,4 +12410,0 +12411,4 +12412,6 +12413,2 +12414,0 +12415,9 +12416,6 +12417,4 +12418,4 +12419,5 +12420,3 +12421,2 +12422,6 +12423,9 +12424,8 +12425,7 +12426,5 +12427,0 +12428,0 +12429,8 +12430,3 +12431,0 +12432,0 +12433,8 +12434,3 +12435,1 +12436,3 +12437,9 +12438,5 +12439,3 +12440,3 +12441,7 +12442,2 +12443,9 +12444,0 +12445,8 +12446,2 +12447,8 +12448,0 +12449,7 +12450,1 +12451,7 +12452,6 +12453,3 +12454,0 +12455,6 +12456,4 +12457,3 +12458,7 +12459,6 +12460,7 +12461,4 +12462,2 +12463,0 +12464,9 +12465,2 +12466,2 +12467,6 +12468,1 +12469,8 +12470,6 +12471,4 +12472,5 +12473,2 +12474,3 +12475,6 +12476,9 +12477,8 +12478,5 +12479,5 +12480,2 +12481,4 +12482,2 +12483,1 +12484,5 +12485,3 +12486,8 +12487,6 +12488,9 +12489,2 +12490,6 +12491,1 +12492,4 +12493,6 +12494,5 +12495,1 +12496,1 +12497,7 +12498,3 +12499,8 +12500,3 +12501,8 +12502,8 +12503,1 +12504,9 +12505,8 +12506,1 +12507,6 +12508,3 +12509,4 +12510,2 +12511,2 +12512,8 +12513,5 +12514,3 +12515,4 +12516,5 +12517,2 +12518,7 +12519,0 +12520,3 +12521,9 +12522,5 +12523,4 +12524,7 +12525,4 +12526,8 +12527,0 +12528,6 +12529,9 +12530,3 +12531,1 +12532,8 +12533,4 +12534,8 +12535,0 +12536,3 +12537,7 +12538,0 +12539,4 +12540,5 +12541,3 +12542,8 +12543,0 +12544,5 +12545,1 +12546,3 +12547,6 +12548,9 +12549,6 +12550,5 +12551,9 +12552,1 +12553,1 +12554,5 +12555,6 +12556,5 +12557,2 +12558,3 +12559,0 +12560,6 +12561,2 +12562,2 +12563,9 +12564,9 +12565,1 +12566,6 +12567,3 +12568,3 +12569,3 +12570,7 +12571,2 +12572,9 +12573,8 +12574,5 +12575,0 +12576,1 +12577,6 +12578,6 +12579,0 +12580,1 +12581,1 +12582,8 +12583,7 +12584,5 +12585,4 +12586,9 +12587,9 +12588,0 +12589,8 +12590,8 +12591,6 +12592,7 +12593,1 +12594,4 +12595,3 +12596,6 +12597,8 +12598,8 +12599,1 +12600,1 +12601,6 +12602,9 +12603,8 +12604,1 +12605,1 +12606,1 +12607,6 +12608,1 +12609,6 +12610,9 +12611,3 +12612,3 +12613,0 +12614,5 +12615,7 +12616,7 +12617,5 +12618,7 +12619,5 +12620,5 +12621,6 +12622,0 +12623,0 +12624,1 +12625,3 +12626,4 +12627,8 +12628,8 +12629,8 +12630,7 +12631,7 +12632,2 +12633,8 +12634,6 +12635,4 +12636,9 +12637,4 +12638,8 +12639,0 +12640,6 +12641,6 +12642,9 +12643,5 +12644,1 +12645,0 +12646,6 +12647,1 +12648,6 +12649,7 +12650,1 +12651,3 +12652,2 +12653,4 +12654,0 +12655,7 +12656,9 +12657,3 +12658,4 +12659,4 +12660,3 +12661,2 +12662,5 +12663,0 +12664,4 +12665,5 +12666,5 +12667,2 +12668,8 +12669,5 +12670,6 +12671,4 +12672,4 +12673,8 +12674,6 +12675,0 +12676,9 +12677,4 +12678,1 +12679,7 +12680,3 +12681,1 +12682,7 +12683,9 +12684,9 +12685,9 +12686,2 +12687,8 +12688,0 +12689,5 +12690,1 +12691,4 +12692,3 +12693,2 +12694,4 +12695,3 +12696,1 +12697,5 +12698,8 +12699,1 +12700,4 +12701,4 +12702,1 +12703,7 +12704,7 +12705,5 +12706,6 +12707,3 +12708,2 +12709,0 +12710,3 +12711,9 +12712,1 +12713,9 +12714,4 +12715,5 +12716,1 +12717,3 +12718,9 +12719,9 +12720,4 +12721,3 +12722,2 +12723,8 +12724,1 +12725,8 +12726,1 +12727,4 +12728,1 +12729,9 +12730,0 +12731,4 +12732,0 +12733,9 +12734,0 +12735,5 +12736,1 +12737,5 +12738,0 +12739,8 +12740,0 +12741,9 +12742,3 +12743,8 +12744,1 +12745,8 +12746,7 +12747,1 +12748,8 +12749,6 +12750,6 +12751,4 +12752,0 +12753,8 +12754,6 +12755,5 +12756,7 +12757,9 +12758,2 +12759,2 +12760,5 +12761,1 +12762,4 +12763,3 +12764,3 +12765,6 +12766,9 +12767,1 +12768,0 +12769,7 +12770,2 +12771,5 +12772,4 +12773,7 +12774,5 +12775,1 +12776,9 +12777,9 +12778,3 +12779,4 +12780,3 +12781,3 +12782,8 +12783,8 +12784,7 +12785,0 +12786,8 +12787,3 +12788,7 +12789,2 +12790,1 +12791,8 +12792,6 +12793,1 +12794,2 +12795,7 +12796,9 +12797,1 +12798,0 +12799,6 +12800,5 +12801,0 +12802,2 +12803,3 +12804,9 +12805,1 +12806,7 +12807,0 +12808,8 +12809,6 +12810,2 +12811,4 +12812,9 +12813,5 +12814,7 +12815,2 +12816,4 +12817,2 +12818,3 +12819,8 +12820,2 +12821,1 +12822,7 +12823,5 +12824,1 +12825,4 +12826,5 +12827,1 +12828,8 +12829,1 +12830,7 +12831,4 +12832,4 +12833,1 +12834,3 +12835,1 +12836,0 +12837,5 +12838,2 +12839,9 +12840,7 +12841,6 +12842,9 +12843,1 +12844,1 +12845,5 +12846,1 +12847,8 +12848,4 +12849,2 +12850,5 +12851,5 +12852,8 +12853,7 +12854,6 +12855,4 +12856,0 +12857,7 +12858,9 +12859,8 +12860,6 +12861,3 +12862,8 +12863,7 +12864,4 +12865,8 +12866,2 +12867,6 +12868,4 +12869,2 +12870,2 +12871,8 +12872,8 +12873,3 +12874,9 +12875,9 +12876,1 +12877,4 +12878,0 +12879,2 +12880,1 +12881,0 +12882,0 +12883,0 +12884,9 +12885,2 +12886,3 +12887,8 +12888,3 +12889,1 +12890,4 +12891,3 +12892,0 +12893,2 +12894,8 +12895,6 +12896,0 +12897,2 +12898,7 +12899,4 +12900,5 +12901,6 +12902,2 +12903,8 +12904,4 +12905,3 +12906,0 +12907,0 +12908,0 +12909,7 +12910,7 +12911,1 +12912,4 +12913,8 +12914,6 +12915,4 +12916,2 +12917,1 +12918,2 +12919,0 +12920,6 +12921,7 +12922,4 +12923,3 +12924,5 +12925,2 +12926,0 +12927,0 +12928,4 +12929,4 +12930,9 +12931,8 +12932,5 +12933,1 +12934,4 +12935,1 +12936,2 +12937,1 +12938,5 +12939,4 +12940,9 +12941,9 +12942,5 +12943,1 +12944,8 +12945,1 +12946,5 +12947,7 +12948,4 +12949,5 +12950,6 +12951,7 +12952,6 +12953,3 +12954,8 +12955,3 +12956,4 +12957,2 +12958,3 +12959,6 +12960,3 +12961,6 +12962,8 +12963,3 +12964,4 +12965,2 +12966,4 +12967,0 +12968,1 +12969,9 +12970,1 +12971,7 +12972,7 +12973,2 +12974,7 +12975,2 +12976,4 +12977,1 +12978,0 +12979,4 +12980,6 +12981,2 +12982,5 +12983,6 +12984,0 +12985,3 +12986,1 +12987,4 +12988,1 +12989,2 +12990,1 +12991,5 +12992,4 +12993,7 +12994,4 +12995,3 +12996,0 +12997,3 +12998,7 +12999,0 +13000,2 +13001,8 +13002,6 +13003,1 +13004,8 +13005,4 +13006,0 +13007,9 +13008,0 +13009,4 +13010,1 +13011,5 +13012,3 +13013,9 +13014,4 +13015,6 +13016,5 +13017,0 +13018,5 +13019,0 +13020,1 +13021,4 +13022,8 +13023,1 +13024,0 +13025,5 +13026,8 +13027,9 +13028,6 +13029,5 +13030,4 +13031,5 +13032,5 +13033,8 +13034,3 +13035,1 +13036,9 +13037,9 +13038,2 +13039,0 +13040,3 +13041,9 +13042,3 +13043,4 +13044,3 +13045,0 +13046,6 +13047,6 +13048,5 +13049,9 +13050,3 +13051,9 +13052,2 +13053,5 +13054,9 +13055,6 +13056,3 +13057,6 +13058,9 +13059,8 +13060,2 +13061,6 +13062,8 +13063,4 +13064,1 +13065,1 +13066,3 +13067,5 +13068,8 +13069,0 +13070,4 +13071,5 +13072,4 +13073,0 +13074,2 +13075,0 +13076,6 +13077,2 +13078,1 +13079,2 +13080,3 +13081,1 +13082,1 +13083,0 +13084,5 +13085,4 +13086,4 +13087,0 +13088,6 +13089,7 +13090,1 +13091,7 +13092,2 +13093,3 +13094,6 +13095,4 +13096,8 +13097,1 +13098,8 +13099,3 +13100,7 +13101,0 +13102,2 +13103,9 +13104,5 +13105,1 +13106,3 +13107,8 +13108,6 +13109,9 +13110,7 +13111,8 +13112,0 +13113,2 +13114,9 +13115,9 +13116,4 +13117,1 +13118,0 +13119,1 +13120,5 +13121,5 +13122,4 +13123,2 +13124,4 +13125,5 +13126,3 +13127,8 +13128,6 +13129,7 +13130,9 +13131,8 +13132,2 +13133,5 +13134,1 +13135,1 +13136,2 +13137,5 +13138,0 +13139,6 +13140,9 +13141,8 +13142,8 +13143,7 +13144,1 +13145,8 +13146,9 +13147,9 +13148,2 +13149,1 +13150,3 +13151,9 +13152,2 +13153,3 +13154,4 +13155,6 +13156,1 +13157,0 +13158,9 +13159,4 +13160,1 +13161,1 +13162,3 +13163,7 +13164,9 +13165,7 +13166,6 +13167,7 +13168,6 +13169,3 +13170,4 +13171,9 +13172,6 +13173,6 +13174,9 +13175,0 +13176,4 +13177,7 +13178,7 +13179,8 +13180,9 +13181,3 +13182,0 +13183,3 +13184,2 +13185,2 +13186,4 +13187,3 +13188,0 +13189,7 +13190,9 +13191,6 +13192,1 +13193,0 +13194,8 +13195,3 +13196,3 +13197,5 +13198,2 +13199,1 +13200,2 +13201,2 +13202,2 +13203,7 +13204,1 +13205,8 +13206,3 +13207,5 +13208,5 +13209,7 +13210,6 +13211,2 +13212,2 +13213,0 +13214,1 +13215,7 +13216,5 +13217,3 +13218,7 +13219,0 +13220,1 +13221,1 +13222,9 +13223,4 +13224,8 +13225,1 +13226,1 +13227,4 +13228,3 +13229,7 +13230,2 +13231,7 +13232,3 +13233,4 +13234,7 +13235,1 +13236,0 +13237,5 +13238,6 +13239,9 +13240,7 +13241,9 +13242,0 +13243,5 +13244,9 +13245,3 +13246,4 +13247,4 +13248,5 +13249,9 +13250,9 +13251,9 +13252,4 +13253,5 +13254,2 +13255,7 +13256,3 +13257,0 +13258,3 +13259,3 +13260,8 +13261,1 +13262,4 +13263,8 +13264,1 +13265,0 +13266,0 +13267,1 +13268,6 +13269,8 +13270,0 +13271,7 +13272,7 +13273,3 +13274,6 +13275,1 +13276,0 +13277,6 +13278,3 +13279,9 +13280,3 +13281,4 +13282,7 +13283,5 +13284,6 +13285,4 +13286,2 +13287,2 +13288,2 +13289,5 +13290,3 +13291,7 +13292,8 +13293,0 +13294,0 +13295,6 +13296,1 +13297,6 +13298,4 +13299,4 +13300,0 +13301,4 +13302,0 +13303,5 +13304,5 +13305,1 +13306,7 +13307,1 +13308,4 +13309,1 +13310,8 +13311,4 +13312,9 +13313,8 +13314,0 +13315,3 +13316,5 +13317,7 +13318,4 +13319,4 +13320,6 +13321,5 +13322,8 +13323,6 +13324,9 +13325,3 +13326,8 +13327,5 +13328,6 +13329,1 +13330,9 +13331,9 +13332,3 +13333,7 +13334,7 +13335,2 +13336,7 +13337,2 +13338,2 +13339,0 +13340,6 +13341,9 +13342,0 +13343,1 +13344,5 +13345,6 +13346,2 +13347,6 +13348,7 +13349,5 +13350,5 +13351,7 +13352,6 +13353,9 +13354,7 +13355,9 +13356,4 +13357,1 +13358,3 +13359,2 +13360,6 +13361,1 +13362,5 +13363,9 +13364,9 +13365,7 +13366,8 +13367,7 +13368,0 +13369,5 +13370,4 +13371,5 +13372,7 +13373,6 +13374,5 +13375,6 +13376,0 +13377,4 +13378,7 +13379,5 +13380,1 +13381,0 +13382,1 +13383,1 +13384,9 +13385,4 +13386,8 +13387,3 +13388,5 +13389,1 +13390,7 +13391,4 +13392,4 +13393,2 +13394,9 +13395,9 +13396,5 +13397,1 +13398,7 +13399,5 +13400,9 +13401,6 +13402,2 +13403,1 +13404,4 +13405,1 +13406,5 +13407,3 +13408,9 +13409,7 +13410,7 +13411,4 +13412,3 +13413,2 +13414,6 +13415,9 +13416,1 +13417,3 +13418,5 +13419,7 +13420,0 +13421,3 +13422,9 +13423,3 +13424,5 +13425,9 +13426,1 +13427,6 +13428,5 +13429,7 +13430,2 +13431,0 +13432,0 +13433,5 +13434,2 +13435,2 +13436,8 +13437,4 +13438,4 +13439,4 +13440,4 +13441,2 +13442,4 +13443,5 +13444,9 +13445,3 +13446,9 +13447,6 +13448,7 +13449,4 +13450,0 +13451,3 +13452,4 +13453,8 +13454,7 +13455,6 +13456,1 +13457,8 +13458,1 +13459,6 +13460,0 +13461,3 +13462,0 +13463,3 +13464,5 +13465,3 +13466,4 +13467,2 +13468,8 +13469,4 +13470,0 +13471,2 +13472,8 +13473,3 +13474,9 +13475,2 +13476,9 +13477,7 +13478,8 +13479,2 +13480,6 +13481,1 +13482,2 +13483,4 +13484,1 +13485,3 +13486,4 +13487,3 +13488,2 +13489,0 +13490,8 +13491,8 +13492,4 +13493,6 +13494,8 +13495,8 +13496,7 +13497,0 +13498,5 +13499,1 +13500,2 +13501,2 +13502,0 +13503,7 +13504,6 +13505,4 +13506,1 +13507,8 +13508,7 +13509,8 +13510,2 +13511,4 +13512,2 +13513,0 +13514,2 +13515,3 +13516,5 +13517,0 +13518,5 +13519,7 +13520,4 +13521,1 +13522,7 +13523,9 +13524,9 +13525,9 +13526,1 +13527,5 +13528,0 +13529,2 +13530,0 +13531,3 +13532,3 +13533,6 +13534,4 +13535,9 +13536,4 +13537,8 +13538,6 +13539,5 +13540,2 +13541,9 +13542,0 +13543,8 +13544,1 +13545,9 +13546,8 +13547,2 +13548,5 +13549,4 +13550,7 +13551,4 +13552,8 +13553,3 +13554,4 +13555,5 +13556,2 +13557,6 +13558,4 +13559,1 +13560,3 +13561,0 +13562,2 +13563,3 +13564,2 +13565,7 +13566,2 +13567,2 +13568,6 +13569,6 +13570,0 +13571,1 +13572,4 +13573,6 +13574,1 +13575,0 +13576,2 +13577,7 +13578,0 +13579,6 +13580,1 +13581,1 +13582,9 +13583,5 +13584,6 +13585,7 +13586,6 +13587,7 +13588,5 +13589,0 +13590,3 +13591,9 +13592,9 +13593,2 +13594,6 +13595,6 +13596,9 +13597,9 +13598,9 +13599,3 +13600,2 +13601,7 +13602,4 +13603,1 +13604,4 +13605,8 +13606,7 +13607,8 +13608,4 +13609,5 +13610,8 +13611,5 +13612,6 +13613,0 +13614,8 +13615,9 +13616,3 +13617,1 +13618,6 +13619,4 +13620,6 +13621,6 +13622,5 +13623,1 +13624,8 +13625,6 +13626,8 +13627,3 +13628,7 +13629,1 +13630,1 +13631,3 +13632,6 +13633,0 +13634,4 +13635,5 +13636,0 +13637,3 +13638,9 +13639,9 +13640,6 +13641,3 +13642,7 +13643,4 +13644,3 +13645,4 +13646,1 +13647,7 +13648,2 +13649,5 +13650,6 +13651,4 +13652,6 +13653,6 +13654,5 +13655,9 +13656,4 +13657,1 +13658,8 +13659,2 +13660,3 +13661,6 +13662,0 +13663,7 +13664,7 +13665,7 +13666,3 +13667,5 +13668,0 +13669,1 +13670,4 +13671,6 +13672,0 +13673,6 +13674,8 +13675,5 +13676,5 +13677,1 +13678,9 +13679,2 +13680,5 +13681,3 +13682,3 +13683,3 +13684,7 +13685,1 +13686,0 +13687,2 +13688,2 +13689,3 +13690,2 +13691,9 +13692,3 +13693,1 +13694,8 +13695,0 +13696,5 +13697,3 +13698,8 +13699,5 +13700,0 +13701,1 +13702,7 +13703,8 +13704,1 +13705,0 +13706,1 +13707,2 +13708,6 +13709,8 +13710,2 +13711,7 +13712,4 +13713,7 +13714,2 +13715,0 +13716,5 +13717,9 +13718,9 +13719,6 +13720,1 +13721,6 +13722,7 +13723,7 +13724,3 +13725,5 +13726,3 +13727,9 +13728,0 +13729,7 +13730,2 +13731,9 +13732,4 +13733,9 +13734,2 +13735,6 +13736,1 +13737,7 +13738,4 +13739,9 +13740,0 +13741,9 +13742,7 +13743,1 +13744,9 +13745,2 +13746,7 +13747,4 +13748,6 +13749,3 +13750,3 +13751,9 +13752,7 +13753,8 +13754,1 +13755,1 +13756,0 +13757,2 +13758,9 +13759,2 +13760,5 +13761,5 +13762,5 +13763,6 +13764,5 +13765,0 +13766,9 +13767,5 +13768,5 +13769,0 +13770,0 +13771,1 +13772,7 +13773,0 +13774,1 +13775,6 +13776,7 +13777,6 +13778,2 +13779,2 +13780,9 +13781,0 +13782,0 +13783,5 +13784,3 +13785,4 +13786,6 +13787,4 +13788,2 +13789,0 +13790,7 +13791,1 +13792,2 +13793,6 +13794,2 +13795,2 +13796,6 +13797,7 +13798,5 +13799,0 +13800,2 +13801,8 +13802,4 +13803,0 +13804,8 +13805,2 +13806,6 +13807,5 +13808,9 +13809,7 +13810,8 +13811,9 +13812,5 +13813,3 +13814,9 +13815,1 +13816,1 +13817,2 +13818,5 +13819,9 +13820,4 +13821,2 +13822,5 +13823,0 +13824,1 +13825,4 +13826,0 +13827,3 +13828,6 +13829,6 +13830,0 +13831,7 +13832,8 +13833,9 +13834,7 +13835,5 +13836,3 +13837,8 +13838,7 +13839,9 +13840,1 +13841,1 +13842,6 +13843,3 +13844,3 +13845,7 +13846,0 +13847,1 +13848,1 +13849,7 +13850,8 +13851,5 +13852,7 +13853,6 +13854,5 +13855,5 +13856,9 +13857,8 +13858,0 +13859,3 +13860,1 +13861,5 +13862,6 +13863,0 +13864,4 +13865,8 +13866,2 +13867,6 +13868,7 +13869,9 +13870,5 +13871,8 +13872,6 +13873,9 +13874,7 +13875,1 +13876,8 +13877,8 +13878,4 +13879,7 +13880,2 +13881,3 +13882,7 +13883,9 +13884,0 +13885,0 +13886,1 +13887,9 +13888,5 +13889,8 +13890,8 +13891,9 +13892,6 +13893,4 +13894,5 +13895,7 +13896,8 +13897,5 +13898,5 +13899,6 +13900,0 +13901,6 +13902,8 +13903,4 +13904,2 +13905,2 +13906,0 +13907,8 +13908,8 +13909,7 +13910,7 +13911,3 +13912,7 +13913,2 +13914,7 +13915,1 +13916,4 +13917,6 +13918,8 +13919,4 +13920,9 +13921,5 +13922,3 +13923,1 +13924,8 +13925,6 +13926,9 +13927,5 +13928,1 +13929,6 +13930,6 +13931,4 +13932,3 +13933,3 +13934,0 +13935,8 +13936,0 +13937,3 +13938,1 +13939,6 +13940,2 +13941,6 +13942,1 +13943,6 +13944,7 +13945,6 +13946,0 +13947,6 +13948,4 +13949,8 +13950,4 +13951,6 +13952,7 +13953,4 +13954,8 +13955,8 +13956,7 +13957,4 +13958,3 +13959,1 +13960,0 +13961,8 +13962,4 +13963,0 +13964,1 +13965,8 +13966,9 +13967,6 +13968,0 +13969,6 +13970,9 +13971,9 +13972,1 +13973,9 +13974,4 +13975,2 +13976,0 +13977,9 +13978,9 +13979,1 +13980,2 +13981,4 +13982,6 +13983,3 +13984,8 +13985,1 +13986,7 +13987,5 +13988,7 +13989,2 +13990,5 +13991,8 +13992,0 +13993,0 +13994,6 +13995,5 +13996,9 +13997,3 +13998,5 +13999,4 +14000,0 +14001,3 +14002,4 +14003,3 +14004,6 +14005,7 +14006,0 +14007,0 +14008,5 +14009,8 +14010,4 +14011,6 +14012,2 +14013,2 +14014,2 +14015,8 +14016,4 +14017,6 +14018,1 +14019,6 +14020,4 +14021,4 +14022,6 +14023,6 +14024,4 +14025,0 +14026,0 +14027,4 +14028,6 +14029,4 +14030,9 +14031,9 +14032,3 +14033,0 +14034,3 +14035,1 +14036,2 +14037,1 +14038,5 +14039,1 +14040,8 +14041,4 +14042,5 +14043,3 +14044,1 +14045,9 +14046,8 +14047,2 +14048,0 +14049,2 +14050,4 +14051,2 +14052,8 +14053,3 +14054,7 +14055,6 +14056,9 +14057,6 +14058,1 +14059,3 +14060,0 +14061,1 +14062,3 +14063,7 +14064,7 +14065,9 +14066,6 +14067,6 +14068,4 +14069,5 +14070,5 +14071,6 +14072,8 +14073,3 +14074,8 +14075,3 +14076,5 +14077,7 +14078,6 +14079,3 +14080,7 +14081,7 +14082,3 +14083,4 +14084,8 +14085,1 +14086,2 +14087,8 +14088,8 +14089,8 +14090,1 +14091,5 +14092,6 +14093,5 +14094,2 +14095,5 +14096,3 +14097,1 +14098,6 +14099,6 +14100,1 +14101,4 +14102,3 +14103,0 +14104,0 +14105,3 +14106,4 +14107,2 +14108,9 +14109,0 +14110,3 +14111,2 +14112,9 +14113,3 +14114,0 +14115,6 +14116,3 +14117,2 +14118,9 +14119,6 +14120,1 +14121,8 +14122,5 +14123,7 +14124,0 +14125,1 +14126,4 +14127,1 +14128,8 +14129,8 +14130,2 +14131,9 +14132,8 +14133,0 +14134,1 +14135,4 +14136,8 +14137,7 +14138,6 +14139,3 +14140,8 +14141,4 +14142,5 +14143,0 +14144,6 +14145,5 +14146,0 +14147,5 +14148,9 +14149,0 +14150,7 +14151,4 +14152,8 +14153,8 +14154,5 +14155,9 +14156,7 +14157,9 +14158,9 +14159,1 +14160,1 +14161,1 +14162,2 +14163,0 +14164,7 +14165,5 +14166,0 +14167,6 +14168,0 +14169,8 +14170,7 +14171,1 +14172,9 +14173,8 +14174,5 +14175,2 +14176,6 +14177,1 +14178,6 +14179,4 +14180,2 +14181,3 +14182,9 +14183,8 +14184,8 +14185,9 +14186,0 +14187,2 +14188,9 +14189,4 +14190,8 +14191,5 +14192,1 +14193,0 +14194,9 +14195,0 +14196,1 +14197,7 +14198,9 +14199,4 +14200,0 +14201,1 +14202,3 +14203,9 +14204,8 +14205,7 +14206,4 +14207,5 +14208,0 +14209,1 +14210,5 +14211,8 +14212,8 +14213,1 +14214,6 +14215,9 +14216,7 +14217,0 +14218,1 +14219,7 +14220,5 +14221,5 +14222,4 +14223,6 +14224,1 +14225,8 +14226,4 +14227,9 +14228,3 +14229,9 +14230,6 +14231,9 +14232,0 +14233,0 +14234,1 +14235,8 +14236,9 +14237,3 +14238,3 +14239,2 +14240,1 +14241,1 +14242,2 +14243,9 +14244,3 +14245,1 +14246,8 +14247,5 +14248,2 +14249,3 +14250,2 +14251,5 +14252,4 +14253,8 +14254,0 +14255,5 +14256,3 +14257,5 +14258,9 +14259,3 +14260,5 +14261,8 +14262,5 +14263,6 +14264,6 +14265,0 +14266,8 +14267,9 +14268,8 +14269,0 +14270,4 +14271,1 +14272,0 +14273,1 +14274,3 +14275,1 +14276,8 +14277,6 +14278,3 +14279,1 +14280,8 +14281,0 +14282,3 +14283,8 +14284,6 +14285,9 +14286,3 +14287,1 +14288,6 +14289,1 +14290,1 +14291,6 +14292,4 +14293,3 +14294,8 +14295,6 +14296,9 +14297,4 +14298,2 +14299,8 +14300,6 +14301,7 +14302,2 +14303,7 +14304,7 +14305,6 +14306,8 +14307,3 +14308,2 +14309,0 +14310,7 +14311,0 +14312,7 +14313,5 +14314,0 +14315,9 +14316,9 +14317,6 +14318,4 +14319,5 +14320,6 +14321,1 +14322,2 +14323,0 +14324,3 +14325,9 +14326,7 +14327,6 +14328,0 +14329,3 +14330,4 +14331,1 +14332,7 +14333,7 +14334,7 +14335,1 +14336,0 +14337,0 +14338,6 +14339,0 +14340,6 +14341,5 +14342,9 +14343,7 +14344,8 +14345,2 +14346,5 +14347,1 +14348,8 +14349,0 +14350,3 +14351,8 +14352,8 +14353,9 +14354,1 +14355,2 +14356,6 +14357,6 +14358,6 +14359,9 +14360,0 +14361,3 +14362,8 +14363,6 +14364,1 +14365,3 +14366,8 +14367,6 +14368,4 +14369,3 +14370,4 +14371,9 +14372,0 +14373,0 +14374,1 +14375,0 +14376,9 +14377,2 +14378,2 +14379,1 +14380,7 +14381,5 +14382,4 +14383,1 +14384,6 +14385,0 +14386,3 +14387,8 +14388,9 +14389,9 +14390,7 +14391,8 +14392,2 +14393,5 +14394,8 +14395,5 +14396,5 +14397,2 +14398,1 +14399,8 +14400,4 +14401,1 +14402,6 +14403,9 +14404,3 +14405,9 +14406,9 +14407,1 +14408,8 +14409,7 +14410,4 +14411,1 +14412,2 +14413,2 +14414,5 +14415,6 +14416,5 +14417,8 +14418,7 +14419,3 +14420,6 +14421,1 +14422,2 +14423,6 +14424,8 +14425,1 +14426,8 +14427,6 +14428,7 +14429,4 +14430,1 +14431,9 +14432,3 +14433,4 +14434,0 +14435,9 +14436,1 +14437,1 +14438,0 +14439,1 +14440,8 +14441,1 +14442,3 +14443,9 +14444,0 +14445,2 +14446,8 +14447,5 +14448,5 +14449,0 +14450,5 +14451,8 +14452,7 +14453,9 +14454,1 +14455,9 +14456,9 +14457,0 +14458,3 +14459,4 +14460,9 +14461,6 +14462,3 +14463,0 +14464,2 +14465,4 +14466,4 +14467,7 +14468,1 +14469,4 +14470,1 +14471,9 +14472,3 +14473,8 +14474,2 +14475,0 +14476,4 +14477,7 +14478,3 +14479,2 +14480,6 +14481,7 +14482,1 +14483,5 +14484,1 +14485,1 +14486,2 +14487,4 +14488,0 +14489,0 +14490,4 +14491,8 +14492,8 +14493,5 +14494,2 +14495,5 +14496,8 +14497,5 +14498,4 +14499,0 +14500,3 +14501,2 +14502,4 +14503,8 +14504,2 +14505,0 +14506,2 +14507,4 +14508,5 +14509,1 +14510,6 +14511,8 +14512,9 +14513,1 +14514,0 +14515,3 +14516,2 +14517,6 +14518,1 +14519,1 +14520,6 +14521,8 +14522,2 +14523,9 +14524,0 +14525,0 +14526,0 +14527,8 +14528,2 +14529,4 +14530,3 +14531,2 +14532,8 +14533,1 +14534,6 +14535,7 +14536,4 +14537,6 +14538,4 +14539,3 +14540,2 +14541,0 +14542,9 +14543,8 +14544,6 +14545,4 +14546,3 +14547,0 +14548,2 +14549,0 +14550,3 +14551,0 +14552,5 +14553,9 +14554,2 +14555,1 +14556,8 +14557,4 +14558,7 +14559,9 +14560,2 +14561,7 +14562,3 +14563,1 +14564,3 +14565,7 +14566,5 +14567,3 +14568,7 +14569,2 +14570,2 +14571,2 +14572,0 +14573,7 +14574,9 +14575,1 +14576,2 +14577,0 +14578,6 +14579,6 +14580,2 +14581,3 +14582,6 +14583,2 +14584,4 +14585,9 +14586,4 +14587,5 +14588,8 +14589,9 +14590,3 +14591,7 +14592,4 +14593,2 +14594,9 +14595,4 +14596,8 +14597,6 +14598,7 +14599,0 +14600,3 +14601,8 +14602,7 +14603,1 +14604,3 +14605,1 +14606,6 +14607,5 +14608,0 +14609,6 +14610,0 +14611,1 +14612,9 +14613,6 +14614,4 +14615,0 +14616,8 +14617,8 +14618,7 +14619,4 +14620,0 +14621,9 +14622,9 +14623,6 +14624,8 +14625,0 +14626,2 +14627,4 +14628,8 +14629,4 +14630,4 +14631,1 +14632,7 +14633,1 +14634,1 +14635,9 +14636,2 +14637,2 +14638,7 +14639,6 +14640,8 +14641,0 +14642,2 +14643,0 +14644,6 +14645,0 +14646,6 +14647,9 +14648,0 +14649,3 +14650,9 +14651,7 +14652,7 +14653,9 +14654,5 +14655,0 +14656,3 +14657,8 +14658,9 +14659,8 +14660,0 +14661,1 +14662,4 +14663,6 +14664,7 +14665,9 +14666,7 +14667,7 +14668,9 +14669,7 +14670,6 +14671,2 +14672,8 +14673,2 +14674,1 +14675,4 +14676,9 +14677,7 +14678,5 +14679,8 +14680,1 +14681,2 +14682,1 +14683,1 +14684,7 +14685,1 +14686,9 +14687,3 +14688,0 +14689,1 +14690,9 +14691,9 +14692,1 +14693,0 +14694,1 +14695,8 +14696,5 +14697,0 +14698,7 +14699,4 +14700,6 +14701,6 +14702,2 +14703,9 +14704,2 +14705,1 +14706,3 +14707,5 +14708,1 +14709,9 +14710,3 +14711,8 +14712,9 +14713,3 +14714,4 +14715,1 +14716,1 +14717,8 +14718,9 +14719,9 +14720,7 +14721,5 +14722,4 +14723,1 +14724,6 +14725,0 +14726,1 +14727,2 +14728,6 +14729,0 +14730,3 +14731,0 +14732,6 +14733,8 +14734,7 +14735,2 +14736,0 +14737,3 +14738,9 +14739,7 +14740,8 +14741,4 +14742,6 +14743,4 +14744,0 +14745,5 +14746,8 +14747,2 +14748,3 +14749,3 +14750,5 +14751,1 +14752,2 +14753,1 +14754,3 +14755,8 +14756,7 +14757,2 +14758,8 +14759,2 +14760,1 +14761,0 +14762,4 +14763,4 +14764,4 +14765,2 +14766,3 +14767,6 +14768,1 +14769,4 +14770,4 +14771,1 +14772,1 +14773,5 +14774,5 +14775,7 +14776,1 +14777,5 +14778,4 +14779,1 +14780,5 +14781,9 +14782,4 +14783,3 +14784,3 +14785,3 +14786,4 +14787,0 +14788,7 +14789,4 +14790,1 +14791,3 +14792,8 +14793,1 +14794,1 +14795,6 +14796,5 +14797,7 +14798,3 +14799,9 +14800,5 +14801,4 +14802,5 +14803,6 +14804,4 +14805,3 +14806,5 +14807,7 +14808,5 +14809,9 +14810,3 +14811,8 +14812,0 +14813,8 +14814,9 +14815,6 +14816,8 +14817,5 +14818,7 +14819,9 +14820,0 +14821,9 +14822,7 +14823,2 +14824,9 +14825,1 +14826,3 +14827,8 +14828,1 +14829,4 +14830,7 +14831,3 +14832,8 +14833,1 +14834,5 +14835,7 +14836,5 +14837,0 +14838,2 +14839,7 +14840,3 +14841,1 +14842,0 +14843,1 +14844,8 +14845,2 +14846,2 +14847,2 +14848,4 +14849,0 +14850,0 +14851,4 +14852,9 +14853,5 +14854,9 +14855,1 +14856,7 +14857,0 +14858,1 +14859,4 +14860,5 +14861,8 +14862,3 +14863,0 +14864,4 +14865,0 +14866,9 +14867,6 +14868,9 +14869,0 +14870,2 +14871,0 +14872,7 +14873,3 +14874,5 +14875,6 +14876,8 +14877,2 +14878,9 +14879,1 +14880,6 +14881,1 +14882,5 +14883,1 +14884,4 +14885,1 +14886,9 +14887,5 +14888,8 +14889,9 +14890,9 +14891,6 +14892,3 +14893,8 +14894,7 +14895,9 +14896,0 +14897,3 +14898,9 +14899,3 +14900,7 +14901,1 +14902,8 +14903,7 +14904,9 +14905,3 +14906,3 +14907,9 +14908,9 +14909,0 +14910,2 +14911,3 +14912,9 +14913,4 +14914,7 +14915,6 +14916,4 +14917,3 +14918,5 +14919,3 +14920,9 +14921,7 +14922,4 +14923,4 +14924,1 +14925,5 +14926,1 +14927,0 +14928,3 +14929,9 +14930,9 +14931,1 +14932,6 +14933,5 +14934,6 +14935,4 +14936,8 +14937,3 +14938,3 +14939,3 +14940,7 +14941,9 +14942,7 +14943,5 +14944,1 +14945,2 +14946,2 +14947,0 +14948,9 +14949,9 +14950,1 +14951,5 +14952,5 +14953,7 +14954,9 +14955,4 +14956,2 +14957,1 +14958,2 +14959,8 +14960,4 +14961,0 +14962,2 +14963,8 +14964,3 +14965,2 +14966,8 +14967,8 +14968,3 +14969,4 +14970,4 +14971,1 +14972,8 +14973,1 +14974,2 +14975,0 +14976,4 +14977,4 +14978,6 +14979,9 +14980,6 +14981,1 +14982,9 +14983,0 +14984,3 +14985,5 +14986,5 +14987,5 +14988,2 +14989,8 +14990,5 +14991,8 +14992,1 +14993,6 +14994,8 +14995,9 +14996,4 +14997,4 +14998,0 +14999,8 +15000,8 +15001,0 +15002,3 +15003,4 +15004,2 +15005,7 +15006,3 +15007,8 +15008,7 +15009,6 +15010,8 +15011,9 +15012,9 +15013,0 +15014,0 +15015,9 +15016,2 +15017,3 +15018,1 +15019,9 +15020,2 +15021,9 +15022,2 +15023,0 +15024,6 +15025,9 +15026,3 +15027,7 +15028,9 +15029,7 +15030,5 +15031,2 +15032,5 +15033,8 +15034,2 +15035,1 +15036,1 +15037,2 +15038,1 +15039,4 +15040,7 +15041,4 +15042,8 +15043,7 +15044,4 +15045,9 +15046,4 +15047,0 +15048,3 +15049,2 +15050,0 +15051,2 +15052,6 +15053,1 +15054,0 +15055,8 +15056,5 +15057,5 +15058,2 +15059,2 +15060,2 +15061,1 +15062,3 +15063,5 +15064,8 +15065,3 +15066,3 +15067,6 +15068,7 +15069,3 +15070,6 +15071,4 +15072,3 +15073,8 +15074,6 +15075,2 +15076,7 +15077,9 +15078,8 +15079,2 +15080,7 +15081,3 +15082,9 +15083,7 +15084,8 +15085,1 +15086,9 +15087,8 +15088,3 +15089,8 +15090,4 +15091,2 +15092,2 +15093,6 +15094,2 +15095,8 +15096,0 +15097,1 +15098,7 +15099,8 +15100,4 +15101,6 +15102,6 +15103,9 +15104,3 +15105,4 +15106,1 +15107,0 +15108,4 +15109,3 +15110,8 +15111,2 +15112,5 +15113,0 +15114,6 +15115,1 +15116,1 +15117,9 +15118,2 +15119,7 +15120,1 +15121,5 +15122,7 +15123,3 +15124,9 +15125,9 +15126,1 +15127,3 +15128,3 +15129,7 +15130,7 +15131,2 +15132,1 +15133,8 +15134,3 +15135,8 +15136,3 +15137,9 +15138,4 +15139,2 +15140,1 +15141,4 +15142,6 +15143,7 +15144,4 +15145,6 +15146,2 +15147,6 +15148,4 +15149,1 +15150,9 +15151,7 +15152,1 +15153,6 +15154,6 +15155,3 +15156,8 +15157,4 +15158,5 +15159,3 +15160,7 +15161,3 +15162,9 +15163,8 +15164,4 +15165,6 +15166,9 +15167,0 +15168,2 +15169,9 +15170,8 +15171,1 +15172,7 +15173,2 +15174,5 +15175,3 +15176,3 +15177,7 +15178,9 +15179,3 +15180,4 +15181,5 +15182,9 +15183,9 +15184,2 +15185,8 +15186,8 +15187,6 +15188,1 +15189,1 +15190,8 +15191,2 +15192,2 +15193,9 +15194,6 +15195,8 +15196,8 +15197,5 +15198,1 +15199,8 +15200,1 +15201,8 +15202,0 +15203,6 +15204,0 +15205,3 +15206,4 +15207,3 +15208,3 +15209,6 +15210,9 +15211,3 +15212,2 +15213,0 +15214,8 +15215,3 +15216,0 +15217,1 +15218,9 +15219,6 +15220,0 +15221,8 +15222,0 +15223,1 +15224,5 +15225,7 +15226,1 +15227,3 +15228,5 +15229,5 +15230,8 +15231,0 +15232,6 +15233,2 +15234,9 +15235,6 +15236,8 +15237,2 +15238,0 +15239,7 +15240,1 +15241,2 +15242,3 +15243,1 +15244,2 +15245,4 +15246,3 +15247,8 +15248,7 +15249,3 +15250,5 +15251,0 +15252,9 +15253,4 +15254,7 +15255,2 +15256,2 +15257,9 +15258,5 +15259,9 +15260,6 +15261,8 +15262,2 +15263,2 +15264,2 +15265,1 +15266,1 +15267,2 +15268,2 +15269,8 +15270,8 +15271,5 +15272,3 +15273,9 +15274,9 +15275,0 +15276,3 +15277,1 +15278,5 +15279,3 +15280,3 +15281,0 +15282,7 +15283,8 +15284,4 +15285,5 +15286,6 +15287,0 +15288,7 +15289,7 +15290,7 +15291,6 +15292,1 +15293,5 +15294,1 +15295,2 +15296,1 +15297,4 +15298,0 +15299,4 +15300,7 +15301,0 +15302,9 +15303,7 +15304,9 +15305,8 +15306,9 +15307,6 +15308,3 +15309,1 +15310,8 +15311,8 +15312,1 +15313,5 +15314,1 +15315,0 +15316,6 +15317,6 +15318,2 +15319,5 +15320,6 +15321,1 +15322,7 +15323,1 +15324,7 +15325,0 +15326,3 +15327,3 +15328,7 +15329,9 +15330,2 +15331,0 +15332,5 +15333,8 +15334,0 +15335,1 +15336,1 +15337,1 +15338,7 +15339,7 +15340,3 +15341,3 +15342,4 +15343,4 +15344,6 +15345,9 +15346,6 +15347,5 +15348,5 +15349,1 +15350,3 +15351,5 +15352,6 +15353,7 +15354,2 +15355,1 +15356,7 +15357,5 +15358,7 +15359,4 +15360,6 +15361,7 +15362,8 +15363,1 +15364,6 +15365,3 +15366,1 +15367,5 +15368,5 +15369,9 +15370,9 +15371,9 +15372,4 +15373,6 +15374,6 +15375,1 +15376,7 +15377,8 +15378,4 +15379,4 +15380,1 +15381,3 +15382,2 +15383,9 +15384,6 +15385,8 +15386,5 +15387,9 +15388,0 +15389,2 +15390,2 +15391,7 +15392,1 +15393,3 +15394,0 +15395,6 +15396,2 +15397,6 +15398,7 +15399,9 +15400,9 +15401,3 +15402,3 +15403,9 +15404,2 +15405,1 +15406,6 +15407,5 +15408,4 +15409,0 +15410,2 +15411,4 +15412,6 +15413,2 +15414,5 +15415,6 +15416,7 +15417,3 +15418,1 +15419,4 +15420,9 +15421,5 +15422,9 +15423,4 +15424,1 +15425,5 +15426,8 +15427,1 +15428,3 +15429,5 +15430,2 +15431,7 +15432,5 +15433,2 +15434,7 +15435,1 +15436,3 +15437,4 +15438,6 +15439,8 +15440,4 +15441,8 +15442,0 +15443,4 +15444,6 +15445,4 +15446,0 +15447,8 +15448,5 +15449,9 +15450,0 +15451,3 +15452,3 +15453,3 +15454,5 +15455,8 +15456,9 +15457,3 +15458,5 +15459,9 +15460,7 +15461,6 +15462,7 +15463,2 +15464,7 +15465,7 +15466,7 +15467,3 +15468,4 +15469,5 +15470,9 +15471,6 +15472,0 +15473,2 +15474,1 +15475,5 +15476,7 +15477,9 +15478,9 +15479,0 +15480,2 +15481,0 +15482,0 +15483,9 +15484,3 +15485,6 +15486,0 +15487,2 +15488,3 +15489,2 +15490,9 +15491,1 +15492,9 +15493,2 +15494,5 +15495,4 +15496,0 +15497,9 +15498,2 +15499,4 +15500,3 +15501,1 +15502,0 +15503,2 +15504,7 +15505,6 +15506,2 +15507,3 +15508,3 +15509,7 +15510,5 +15511,3 +15512,4 +15513,0 +15514,8 +15515,4 +15516,8 +15517,7 +15518,5 +15519,1 +15520,3 +15521,5 +15522,7 +15523,3 +15524,3 +15525,3 +15526,5 +15527,7 +15528,1 +15529,7 +15530,7 +15531,5 +15532,1 +15533,5 +15534,2 +15535,5 +15536,9 +15537,8 +15538,1 +15539,8 +15540,6 +15541,7 +15542,7 +15543,2 +15544,8 +15545,3 +15546,1 +15547,7 +15548,5 +15549,4 +15550,2 +15551,6 +15552,7 +15553,3 +15554,5 +15555,4 +15556,0 +15557,7 +15558,2 +15559,4 +15560,8 +15561,2 +15562,5 +15563,1 +15564,9 +15565,8 +15566,5 +15567,1 +15568,6 +15569,3 +15570,4 +15571,9 +15572,2 +15573,6 +15574,8 +15575,4 +15576,7 +15577,1 +15578,4 +15579,4 +15580,7 +15581,6 +15582,9 +15583,4 +15584,4 +15585,2 +15586,6 +15587,3 +15588,2 +15589,7 +15590,7 +15591,2 +15592,7 +15593,1 +15594,1 +15595,7 +15596,4 +15597,0 +15598,6 +15599,2 +15600,3 +15601,9 +15602,9 +15603,9 +15604,2 +15605,7 +15606,1 +15607,6 +15608,4 +15609,1 +15610,6 +15611,7 +15612,4 +15613,6 +15614,8 +15615,7 +15616,5 +15617,4 +15618,9 +15619,2 +15620,1 +15621,2 +15622,6 +15623,6 +15624,2 +15625,7 +15626,9 +15627,3 +15628,3 +15629,4 +15630,4 +15631,8 +15632,5 +15633,7 +15634,4 +15635,5 +15636,6 +15637,8 +15638,1 +15639,3 +15640,5 +15641,6 +15642,6 +15643,2 +15644,8 +15645,2 +15646,6 +15647,8 +15648,5 +15649,3 +15650,0 +15651,0 +15652,9 +15653,8 +15654,0 +15655,1 +15656,2 +15657,4 +15658,5 +15659,3 +15660,0 +15661,9 +15662,2 +15663,9 +15664,6 +15665,1 +15666,9 +15667,7 +15668,5 +15669,8 +15670,2 +15671,0 +15672,6 +15673,3 +15674,5 +15675,5 +15676,7 +15677,0 +15678,0 +15679,4 +15680,1 +15681,6 +15682,3 +15683,1 +15684,1 +15685,5 +15686,8 +15687,4 +15688,0 +15689,3 +15690,3 +15691,1 +15692,2 +15693,8 +15694,2 +15695,7 +15696,8 +15697,9 +15698,9 +15699,7 +15700,9 +15701,1 +15702,8 +15703,8 +15704,4 +15705,4 +15706,8 +15707,4 +15708,8 +15709,5 +15710,5 +15711,8 +15712,4 +15713,2 +15714,0 +15715,3 +15716,6 +15717,5 +15718,2 +15719,4 +15720,6 +15721,2 +15722,1 +15723,1 +15724,0 +15725,7 +15726,1 +15727,5 +15728,9 +15729,3 +15730,0 +15731,5 +15732,6 +15733,7 +15734,6 +15735,1 +15736,5 +15737,2 +15738,1 +15739,3 +15740,3 +15741,7 +15742,0 +15743,8 +15744,2 +15745,4 +15746,2 +15747,5 +15748,0 +15749,3 +15750,5 +15751,9 +15752,1 +15753,3 +15754,9 +15755,5 +15756,8 +15757,0 +15758,3 +15759,6 +15760,9 +15761,0 +15762,4 +15763,7 +15764,4 +15765,1 +15766,6 +15767,2 +15768,8 +15769,1 +15770,1 +15771,4 +15772,3 +15773,8 +15774,0 +15775,5 +15776,4 +15777,6 +15778,8 +15779,5 +15780,0 +15781,5 +15782,5 +15783,6 +15784,8 +15785,4 +15786,1 +15787,2 +15788,0 +15789,3 +15790,9 +15791,6 +15792,7 +15793,8 +15794,8 +15795,9 +15796,7 +15797,8 +15798,9 +15799,6 +15800,1 +15801,3 +15802,3 +15803,4 +15804,8 +15805,3 +15806,0 +15807,1 +15808,9 +15809,1 +15810,3 +15811,0 +15812,8 +15813,6 +15814,5 +15815,4 +15816,1 +15817,7 +15818,8 +15819,3 +15820,1 +15821,9 +15822,7 +15823,8 +15824,2 +15825,1 +15826,5 +15827,0 +15828,4 +15829,0 +15830,3 +15831,5 +15832,2 +15833,9 +15834,8 +15835,1 +15836,9 +15837,2 +15838,5 +15839,2 +15840,0 +15841,4 +15842,8 +15843,3 +15844,4 +15845,0 +15846,0 +15847,6 +15848,5 +15849,7 +15850,2 +15851,7 +15852,3 +15853,3 +15854,7 +15855,9 +15856,8 +15857,3 +15858,8 +15859,8 +15860,4 +15861,6 +15862,1 +15863,8 +15864,7 +15865,2 +15866,9 +15867,6 +15868,6 +15869,4 +15870,3 +15871,8 +15872,1 +15873,4 +15874,2 +15875,4 +15876,7 +15877,5 +15878,4 +15879,9 +15880,9 +15881,2 +15882,4 +15883,5 +15884,9 +15885,4 +15886,7 +15887,1 +15888,6 +15889,6 +15890,6 +15891,2 +15892,8 +15893,4 +15894,1 +15895,5 +15896,3 +15897,3 +15898,8 +15899,3 +15900,1 +15901,2 +15902,5 +15903,3 +15904,3 +15905,6 +15906,1 +15907,7 +15908,9 +15909,9 +15910,3 +15911,0 +15912,2 +15913,5 +15914,7 +15915,8 +15916,4 +15917,7 +15918,3 +15919,7 +15920,6 +15921,6 +15922,8 +15923,3 +15924,1 +15925,4 +15926,2 +15927,2 +15928,4 +15929,9 +15930,5 +15931,1 +15932,6 +15933,6 +15934,6 +15935,7 +15936,3 +15937,8 +15938,9 +15939,0 +15940,3 +15941,4 +15942,5 +15943,0 +15944,1 +15945,6 +15946,2 +15947,1 +15948,0 +15949,9 +15950,3 +15951,8 +15952,5 +15953,5 +15954,8 +15955,8 +15956,7 +15957,0 +15958,5 +15959,7 +15960,9 +15961,5 +15962,5 +15963,6 +15964,2 +15965,2 +15966,5 +15967,2 +15968,8 +15969,5 +15970,2 +15971,9 +15972,4 +15973,3 +15974,3 +15975,8 +15976,4 +15977,4 +15978,6 +15979,6 +15980,0 +15981,4 +15982,2 +15983,5 +15984,5 +15985,1 +15986,3 +15987,9 +15988,6 +15989,2 +15990,4 +15991,5 +15992,8 +15993,1 +15994,2 +15995,7 +15996,3 +15997,6 +15998,4 +15999,2 +16000,2 +16001,4 +16002,0 +16003,1 +16004,6 +16005,6 +16006,1 +16007,7 +16008,7 +16009,2 +16010,6 +16011,5 +16012,7 +16013,4 +16014,2 +16015,8 +16016,4 +16017,9 +16018,9 +16019,3 +16020,6 +16021,1 +16022,8 +16023,1 +16024,3 +16025,2 +16026,9 +16027,3 +16028,4 +16029,2 +16030,9 +16031,9 +16032,8 +16033,3 +16034,3 +16035,4 +16036,6 +16037,9 +16038,2 +16039,6 +16040,3 +16041,3 +16042,4 +16043,4 +16044,1 +16045,1 +16046,9 +16047,5 +16048,5 +16049,1 +16050,4 +16051,1 +16052,0 +16053,0 +16054,2 +16055,7 +16056,1 +16057,1 +16058,3 +16059,8 +16060,5 +16061,4 +16062,2 +16063,6 +16064,7 +16065,8 +16066,3 +16067,9 +16068,9 +16069,6 +16070,8 +16071,2 +16072,3 +16073,6 +16074,6 +16075,2 +16076,9 +16077,0 +16078,3 +16079,6 +16080,9 +16081,5 +16082,7 +16083,1 +16084,3 +16085,7 +16086,8 +16087,2 +16088,9 +16089,7 +16090,7 +16091,9 +16092,9 +16093,5 +16094,6 +16095,8 +16096,9 +16097,1 +16098,5 +16099,3 +16100,1 +16101,8 +16102,0 +16103,7 +16104,8 +16105,0 +16106,5 +16107,9 +16108,2 +16109,8 +16110,6 +16111,2 +16112,0 +16113,5 +16114,7 +16115,0 +16116,0 +16117,5 +16118,8 +16119,1 +16120,7 +16121,1 +16122,1 +16123,3 +16124,1 +16125,7 +16126,5 +16127,5 +16128,8 +16129,3 +16130,2 +16131,3 +16132,2 +16133,9 +16134,4 +16135,6 +16136,3 +16137,9 +16138,1 +16139,5 +16140,7 +16141,8 +16142,4 +16143,8 +16144,3 +16145,0 +16146,3 +16147,4 +16148,8 +16149,0 +16150,2 +16151,8 +16152,7 +16153,4 +16154,6 +16155,3 +16156,4 +16157,9 +16158,8 +16159,6 +16160,1 +16161,7 +16162,5 +16163,9 +16164,4 +16165,6 +16166,9 +16167,2 +16168,1 +16169,7 +16170,5 +16171,7 +16172,6 +16173,4 +16174,3 +16175,6 +16176,6 +16177,9 +16178,6 +16179,5 +16180,1 +16181,5 +16182,2 +16183,6 +16184,5 +16185,0 +16186,4 +16187,1 +16188,4 +16189,2 +16190,7 +16191,8 +16192,9 +16193,8 +16194,8 +16195,0 +16196,6 +16197,2 +16198,4 +16199,9 +16200,9 +16201,9 +16202,3 +16203,3 +16204,5 +16205,3 +16206,1 +16207,0 +16208,2 +16209,7 +16210,4 +16211,1 +16212,1 +16213,8 +16214,2 +16215,7 +16216,7 +16217,2 +16218,5 +16219,0 +16220,6 +16221,8 +16222,1 +16223,5 +16224,8 +16225,4 +16226,4 +16227,8 +16228,5 +16229,3 +16230,2 +16231,1 +16232,5 +16233,7 +16234,4 +16235,4 +16236,9 +16237,2 +16238,5 +16239,8 +16240,5 +16241,3 +16242,7 +16243,7 +16244,3 +16245,3 +16246,5 +16247,7 +16248,0 +16249,7 +16250,9 +16251,4 +16252,1 +16253,6 +16254,1 +16255,9 +16256,1 +16257,9 +16258,9 +16259,7 +16260,2 +16261,2 +16262,4 +16263,7 +16264,8 +16265,0 +16266,9 +16267,4 +16268,6 +16269,7 +16270,3 +16271,5 +16272,7 +16273,7 +16274,5 +16275,9 +16276,9 +16277,0 +16278,7 +16279,8 +16280,0 +16281,6 +16282,4 +16283,5 +16284,6 +16285,8 +16286,5 +16287,4 +16288,8 +16289,5 +16290,2 +16291,8 +16292,6 +16293,8 +16294,6 +16295,7 +16296,7 +16297,9 +16298,4 +16299,4 +16300,4 +16301,1 +16302,0 +16303,6 +16304,1 +16305,6 +16306,5 +16307,5 +16308,1 +16309,8 +16310,1 +16311,7 +16312,3 +16313,7 +16314,2 +16315,6 +16316,2 +16317,4 +16318,9 +16319,8 +16320,3 +16321,2 +16322,7 +16323,6 +16324,6 +16325,9 +16326,9 +16327,1 +16328,9 +16329,2 +16330,2 +16331,6 +16332,0 +16333,3 +16334,3 +16335,6 +16336,6 +16337,1 +16338,6 +16339,1 +16340,2 +16341,8 +16342,0 +16343,0 +16344,4 +16345,3 +16346,3 +16347,7 +16348,9 +16349,3 +16350,3 +16351,5 +16352,9 +16353,1 +16354,1 +16355,8 +16356,5 +16357,8 +16358,6 +16359,2 +16360,0 +16361,6 +16362,8 +16363,0 +16364,0 +16365,2 +16366,5 +16367,5 +16368,1 +16369,1 +16370,1 +16371,8 +16372,2 +16373,4 +16374,2 +16375,8 +16376,7 +16377,9 +16378,2 +16379,9 +16380,5 +16381,2 +16382,8 +16383,2 +16384,6 +16385,5 +16386,5 +16387,8 +16388,5 +16389,8 +16390,0 +16391,0 +16392,3 +16393,2 +16394,7 +16395,7 +16396,7 +16397,8 +16398,2 +16399,1 +16400,8 +16401,1 +16402,4 +16403,4 +16404,2 +16405,7 +16406,6 +16407,8 +16408,4 +16409,7 +16410,2 +16411,7 +16412,7 +16413,5 +16414,5 +16415,8 +16416,5 +16417,5 +16418,9 +16419,3 +16420,9 +16421,7 +16422,6 +16423,0 +16424,4 +16425,8 +16426,3 +16427,6 +16428,2 +16429,4 +16430,8 +16431,3 +16432,4 +16433,5 +16434,0 +16435,9 +16436,9 +16437,0 +16438,3 +16439,5 +16440,1 +16441,1 +16442,1 +16443,9 +16444,4 +16445,8 +16446,0 +16447,8 +16448,5 +16449,2 +16450,5 +16451,2 +16452,5 +16453,5 +16454,7 +16455,0 +16456,0 +16457,2 +16458,8 +16459,1 +16460,4 +16461,4 +16462,3 +16463,4 +16464,2 +16465,5 +16466,0 +16467,7 +16468,3 +16469,6 +16470,3 +16471,7 +16472,5 +16473,3 +16474,3 +16475,2 +16476,1 +16477,6 +16478,2 +16479,4 +16480,5 +16481,6 +16482,0 +16483,6 +16484,2 +16485,1 +16486,4 +16487,7 +16488,4 +16489,0 +16490,3 +16491,1 +16492,3 +16493,5 +16494,3 +16495,7 +16496,4 +16497,0 +16498,2 +16499,4 +16500,0 +16501,2 +16502,4 +16503,2 +16504,4 +16505,3 +16506,5 +16507,3 +16508,7 +16509,6 +16510,2 +16511,6 +16512,0 +16513,3 +16514,7 +16515,4 +16516,6 +16517,4 +16518,3 +16519,2 +16520,8 +16521,2 +16522,7 +16523,4 +16524,2 +16525,5 +16526,6 +16527,0 +16528,3 +16529,0 +16530,3 +16531,5 +16532,1 +16533,5 +16534,2 +16535,8 +16536,4 +16537,5 +16538,8 +16539,8 +16540,1 +16541,5 +16542,8 +16543,4 +16544,1 +16545,7 +16546,0 +16547,4 +16548,4 +16549,1 +16550,8 +16551,7 +16552,7 +16553,4 +16554,8 +16555,3 +16556,6 +16557,3 +16558,4 +16559,2 +16560,2 +16561,8 +16562,3 +16563,1 +16564,7 +16565,3 +16566,1 +16567,4 +16568,5 +16569,4 +16570,0 +16571,8 +16572,2 +16573,8 +16574,8 +16575,3 +16576,2 +16577,8 +16578,3 +16579,9 +16580,6 +16581,3 +16582,3 +16583,3 +16584,7 +16585,1 +16586,9 +16587,6 +16588,6 +16589,7 +16590,5 +16591,9 +16592,0 +16593,2 +16594,1 +16595,4 +16596,2 +16597,4 +16598,5 +16599,1 +16600,5 +16601,6 +16602,8 +16603,7 +16604,6 +16605,2 +16606,6 +16607,9 +16608,8 +16609,4 +16610,7 +16611,4 +16612,1 +16613,4 +16614,6 +16615,2 +16616,4 +16617,5 +16618,8 +16619,8 +16620,9 +16621,7 +16622,6 +16623,3 +16624,9 +16625,8 +16626,6 +16627,3 +16628,8 +16629,0 +16630,9 +16631,6 +16632,4 +16633,2 +16634,5 +16635,4 +16636,3 +16637,5 +16638,2 +16639,0 +16640,5 +16641,7 +16642,3 +16643,9 +16644,5 +16645,5 +16646,0 +16647,0 +16648,4 +16649,3 +16650,1 +16651,9 +16652,1 +16653,1 +16654,1 +16655,4 +16656,8 +16657,6 +16658,4 +16659,4 +16660,3 +16661,0 +16662,8 +16663,9 +16664,1 +16665,4 +16666,2 +16667,4 +16668,0 +16669,1 +16670,0 +16671,3 +16672,9 +16673,0 +16674,8 +16675,8 +16676,7 +16677,0 +16678,8 +16679,8 +16680,8 +16681,6 +16682,8 +16683,5 +16684,6 +16685,6 +16686,5 +16687,9 +16688,4 +16689,6 +16690,4 +16691,2 +16692,1 +16693,5 +16694,5 +16695,2 +16696,7 +16697,0 +16698,1 +16699,0 +16700,0 +16701,9 +16702,3 +16703,2 +16704,1 +16705,6 +16706,5 +16707,7 +16708,7 +16709,5 +16710,5 +16711,2 +16712,8 +16713,3 +16714,3 +16715,2 +16716,5 +16717,8 +16718,3 +16719,3 +16720,9 +16721,9 +16722,6 +16723,4 +16724,6 +16725,2 +16726,0 +16727,4 +16728,3 +16729,6 +16730,7 +16731,5 +16732,3 +16733,2 +16734,7 +16735,7 +16736,5 +16737,6 +16738,2 +16739,3 +16740,3 +16741,6 +16742,4 +16743,6 +16744,1 +16745,3 +16746,1 +16747,7 +16748,8 +16749,2 +16750,6 +16751,6 +16752,4 +16753,4 +16754,8 +16755,6 +16756,7 +16757,5 +16758,8 +16759,5 +16760,2 +16761,8 +16762,9 +16763,8 +16764,0 +16765,9 +16766,2 +16767,9 +16768,3 +16769,2 +16770,4 +16771,0 +16772,6 +16773,6 +16774,2 +16775,4 +16776,7 +16777,8 +16778,1 +16779,3 +16780,8 +16781,1 +16782,2 +16783,7 +16784,1 +16785,8 +16786,7 +16787,9 +16788,9 +16789,4 +16790,3 +16791,4 +16792,3 +16793,7 +16794,1 +16795,2 +16796,6 +16797,8 +16798,5 +16799,1 +16800,2 +16801,1 +16802,1 +16803,0 +16804,4 +16805,6 +16806,5 +16807,2 +16808,6 +16809,2 +16810,2 +16811,3 +16812,6 +16813,9 +16814,7 +16815,4 +16816,9 +16817,0 +16818,1 +16819,1 +16820,1 +16821,1 +16822,3 +16823,5 +16824,3 +16825,1 +16826,2 +16827,3 +16828,1 +16829,2 +16830,6 +16831,1 +16832,9 +16833,0 +16834,8 +16835,0 +16836,2 +16837,1 +16838,4 +16839,4 +16840,5 +16841,7 +16842,0 +16843,8 +16844,7 +16845,8 +16846,1 +16847,3 +16848,7 +16849,2 +16850,2 +16851,2 +16852,4 +16853,2 +16854,9 +16855,2 +16856,9 +16857,2 +16858,8 +16859,3 +16860,2 +16861,5 +16862,9 +16863,4 +16864,3 +16865,7 +16866,1 +16867,0 +16868,4 +16869,4 +16870,2 +16871,9 +16872,2 +16873,0 +16874,0 +16875,5 +16876,0 +16877,3 +16878,6 +16879,0 +16880,2 +16881,7 +16882,5 +16883,0 +16884,7 +16885,4 +16886,9 +16887,9 +16888,3 +16889,6 +16890,2 +16891,4 +16892,1 +16893,3 +16894,2 +16895,3 +16896,0 +16897,0 +16898,6 +16899,5 +16900,8 +16901,7 +16902,0 +16903,6 +16904,2 +16905,0 +16906,4 +16907,9 +16908,1 +16909,5 +16910,3 +16911,5 +16912,8 +16913,9 +16914,2 +16915,7 +16916,1 +16917,5 +16918,0 +16919,1 +16920,0 +16921,0 +16922,6 +16923,4 +16924,7 +16925,7 +16926,4 +16927,9 +16928,3 +16929,8 +16930,8 +16931,9 +16932,6 +16933,7 +16934,0 +16935,9 +16936,3 +16937,3 +16938,8 +16939,7 +16940,7 +16941,4 +16942,2 +16943,1 +16944,5 +16945,7 +16946,1 +16947,7 +16948,8 +16949,2 +16950,8 +16951,0 +16952,8 +16953,3 +16954,1 +16955,0 +16956,1 +16957,3 +16958,3 +16959,6 +16960,6 +16961,6 +16962,6 +16963,1 +16964,0 +16965,9 +16966,3 +16967,7 +16968,0 +16969,5 +16970,9 +16971,6 +16972,0 +16973,2 +16974,2 +16975,5 +16976,6 +16977,1 +16978,7 +16979,5 +16980,1 +16981,7 +16982,8 +16983,1 +16984,0 +16985,4 +16986,2 +16987,3 +16988,0 +16989,2 +16990,1 +16991,8 +16992,8 +16993,3 +16994,5 +16995,7 +16996,2 +16997,8 +16998,2 +16999,9 +17000,0 +17001,8 +17002,4 +17003,5 +17004,6 +17005,7 +17006,3 +17007,8 +17008,5 +17009,0 +17010,3 +17011,3 +17012,8 +17013,1 +17014,4 +17015,4 +17016,8 +17017,8 +17018,3 +17019,9 +17020,6 +17021,1 +17022,1 +17023,6 +17024,6 +17025,4 +17026,4 +17027,5 +17028,3 +17029,2 +17030,4 +17031,2 +17032,5 +17033,9 +17034,6 +17035,8 +17036,8 +17037,5 +17038,9 +17039,5 +17040,3 +17041,0 +17042,9 +17043,2 +17044,6 +17045,3 +17046,9 +17047,3 +17048,9 +17049,6 +17050,8 +17051,9 +17052,8 +17053,3 +17054,7 +17055,2 +17056,7 +17057,1 +17058,7 +17059,4 +17060,6 +17061,7 +17062,4 +17063,6 +17064,1 +17065,8 +17066,7 +17067,9 +17068,5 +17069,6 +17070,1 +17071,2 +17072,9 +17073,3 +17074,1 +17075,8 +17076,5 +17077,1 +17078,4 +17079,1 +17080,1 +17081,8 +17082,5 +17083,8 +17084,2 +17085,2 +17086,3 +17087,2 +17088,7 +17089,5 +17090,3 +17091,6 +17092,8 +17093,8 +17094,9 +17095,6 +17096,6 +17097,1 +17098,9 +17099,9 +17100,0 +17101,0 +17102,2 +17103,3 +17104,4 +17105,7 +17106,5 +17107,5 +17108,6 +17109,9 +17110,9 +17111,2 +17112,3 +17113,9 +17114,7 +17115,3 +17116,5 +17117,6 +17118,0 +17119,0 +17120,0 +17121,7 +17122,8 +17123,6 +17124,3 +17125,6 +17126,6 +17127,6 +17128,0 +17129,7 +17130,7 +17131,3 +17132,8 +17133,1 +17134,9 +17135,6 +17136,7 +17137,9 +17138,4 +17139,7 +17140,0 +17141,1 +17142,6 +17143,4 +17144,2 +17145,4 +17146,8 +17147,5 +17148,3 +17149,8 +17150,5 +17151,8 +17152,2 +17153,8 +17154,3 +17155,2 +17156,4 +17157,7 +17158,4 +17159,2 +17160,6 +17161,3 +17162,7 +17163,5 +17164,2 +17165,0 +17166,3 +17167,4 +17168,5 +17169,2 +17170,8 +17171,7 +17172,1 +17173,4 +17174,8 +17175,8 +17176,9 +17177,1 +17178,5 +17179,2 +17180,6 +17181,7 +17182,7 +17183,4 +17184,6 +17185,5 +17186,4 +17187,6 +17188,0 +17189,0 +17190,7 +17191,9 +17192,5 +17193,8 +17194,3 +17195,6 +17196,3 +17197,8 +17198,8 +17199,3 +17200,6 +17201,1 +17202,7 +17203,9 +17204,9 +17205,1 +17206,8 +17207,8 +17208,1 +17209,4 +17210,1 +17211,9 +17212,5 +17213,9 +17214,1 +17215,9 +17216,8 +17217,2 +17218,6 +17219,4 +17220,8 +17221,3 +17222,1 +17223,7 +17224,9 +17225,8 +17226,1 +17227,6 +17228,8 +17229,0 +17230,6 +17231,1 +17232,1 +17233,2 +17234,1 +17235,2 +17236,7 +17237,0 +17238,7 +17239,9 +17240,4 +17241,4 +17242,2 +17243,6 +17244,3 +17245,1 +17246,9 +17247,3 +17248,6 +17249,5 +17250,5 +17251,5 +17252,7 +17253,6 +17254,5 +17255,0 +17256,7 +17257,8 +17258,3 +17259,5 +17260,4 +17261,3 +17262,4 +17263,3 +17264,7 +17265,5 +17266,6 +17267,2 +17268,6 +17269,0 +17270,2 +17271,9 +17272,1 +17273,1 +17274,1 +17275,2 +17276,2 +17277,3 +17278,9 +17279,8 +17280,8 +17281,9 +17282,6 +17283,9 +17284,5 +17285,5 +17286,5 +17287,2 +17288,0 +17289,1 +17290,7 +17291,4 +17292,7 +17293,5 +17294,3 +17295,2 +17296,3 +17297,5 +17298,1 +17299,9 +17300,5 +17301,6 +17302,9 +17303,6 +17304,5 +17305,1 +17306,4 +17307,8 +17308,2 +17309,8 +17310,4 +17311,6 +17312,6 +17313,8 +17314,3 +17315,3 +17316,4 +17317,2 +17318,2 +17319,8 +17320,0 +17321,1 +17322,8 +17323,0 +17324,7 +17325,1 +17326,9 +17327,3 +17328,7 +17329,1 +17330,0 +17331,4 +17332,3 +17333,6 +17334,7 +17335,8 +17336,3 +17337,2 +17338,7 +17339,7 +17340,6 +17341,5 +17342,4 +17343,7 +17344,6 +17345,3 +17346,8 +17347,6 +17348,1 +17349,1 +17350,2 +17351,4 +17352,6 +17353,1 +17354,3 +17355,1 +17356,8 +17357,1 +17358,9 +17359,4 +17360,3 +17361,4 +17362,3 +17363,5 +17364,4 +17365,3 +17366,7 +17367,9 +17368,9 +17369,6 +17370,0 +17371,8 +17372,2 +17373,5 +17374,8 +17375,9 +17376,0 +17377,7 +17378,1 +17379,7 +17380,4 +17381,3 +17382,6 +17383,8 +17384,5 +17385,3 +17386,9 +17387,2 +17388,7 +17389,4 +17390,0 +17391,8 +17392,9 +17393,3 +17394,7 +17395,7 +17396,5 +17397,0 +17398,2 +17399,5 +17400,2 +17401,2 +17402,8 +17403,2 +17404,0 +17405,5 +17406,4 +17407,8 +17408,3 +17409,2 +17410,4 +17411,3 +17412,0 +17413,1 +17414,2 +17415,1 +17416,1 +17417,8 +17418,1 +17419,2 +17420,4 +17421,7 +17422,3 +17423,6 +17424,2 +17425,4 +17426,9 +17427,3 +17428,7 +17429,3 +17430,6 +17431,1 +17432,5 +17433,2 +17434,5 +17435,1 +17436,5 +17437,6 +17438,8 +17439,2 +17440,2 +17441,2 +17442,1 +17443,5 +17444,6 +17445,3 +17446,9 +17447,1 +17448,7 +17449,8 +17450,0 +17451,6 +17452,7 +17453,4 +17454,6 +17455,0 +17456,3 +17457,8 +17458,6 +17459,1 +17460,6 +17461,4 +17462,7 +17463,6 +17464,7 +17465,3 +17466,4 +17467,3 +17468,7 +17469,4 +17470,4 +17471,6 +17472,6 +17473,9 +17474,3 +17475,7 +17476,9 +17477,3 +17478,8 +17479,2 +17480,5 +17481,4 +17482,5 +17483,4 +17484,0 +17485,0 +17486,9 +17487,7 +17488,7 +17489,5 +17490,7 +17491,4 +17492,5 +17493,4 +17494,7 +17495,9 +17496,7 +17497,1 +17498,8 +17499,9 +17500,9 +17501,5 +17502,7 +17503,1 +17504,2 +17505,0 +17506,6 +17507,9 +17508,6 +17509,5 +17510,9 +17511,0 +17512,4 +17513,8 +17514,0 +17515,5 +17516,9 +17517,3 +17518,3 +17519,8 +17520,7 +17521,0 +17522,7 +17523,3 +17524,5 +17525,4 +17526,3 +17527,5 +17528,7 +17529,0 +17530,3 +17531,4 +17532,8 +17533,1 +17534,0 +17535,0 +17536,9 +17537,9 +17538,6 +17539,4 +17540,4 +17541,5 +17542,1 +17543,0 +17544,0 +17545,9 +17546,9 +17547,7 +17548,4 +17549,7 +17550,2 +17551,1 +17552,8 +17553,4 +17554,4 +17555,4 +17556,5 +17557,6 +17558,6 +17559,2 +17560,1 +17561,1 +17562,4 +17563,2 +17564,1 +17565,8 +17566,7 +17567,1 +17568,7 +17569,8 +17570,3 +17571,3 +17572,3 +17573,0 +17574,0 +17575,5 +17576,1 +17577,2 +17578,9 +17579,4 +17580,0 +17581,0 +17582,8 +17583,7 +17584,3 +17585,6 +17586,1 +17587,9 +17588,7 +17589,2 +17590,8 +17591,7 +17592,8 +17593,2 +17594,9 +17595,1 +17596,5 +17597,2 +17598,8 +17599,8 +17600,9 +17601,9 +17602,3 +17603,8 +17604,8 +17605,5 +17606,3 +17607,6 +17608,8 +17609,3 +17610,2 +17611,5 +17612,1 +17613,4 +17614,9 +17615,6 +17616,4 +17617,8 +17618,4 +17619,3 +17620,1 +17621,8 +17622,1 +17623,3 +17624,4 +17625,5 +17626,6 +17627,3 +17628,1 +17629,9 +17630,2 +17631,6 +17632,5 +17633,1 +17634,4 +17635,7 +17636,5 +17637,0 +17638,0 +17639,6 +17640,1 +17641,0 +17642,7 +17643,7 +17644,3 +17645,8 +17646,7 +17647,4 +17648,7 +17649,7 +17650,0 +17651,0 +17652,8 +17653,1 +17654,3 +17655,7 +17656,2 +17657,1 +17658,4 +17659,7 +17660,7 +17661,1 +17662,6 +17663,8 +17664,2 +17665,9 +17666,0 +17667,0 +17668,3 +17669,1 +17670,7 +17671,6 +17672,6 +17673,3 +17674,6 +17675,1 +17676,4 +17677,8 +17678,9 +17679,4 +17680,9 +17681,3 +17682,6 +17683,2 +17684,8 +17685,8 +17686,8 +17687,8 +17688,8 +17689,9 +17690,3 +17691,8 +17692,3 +17693,7 +17694,0 +17695,0 +17696,4 +17697,0 +17698,7 +17699,7 +17700,4 +17701,8 +17702,8 +17703,2 +17704,8 +17705,3 +17706,3 +17707,1 +17708,8 +17709,5 +17710,1 +17711,1 +17712,5 +17713,1 +17714,9 +17715,3 +17716,3 +17717,1 +17718,4 +17719,7 +17720,1 +17721,4 +17722,7 +17723,3 +17724,5 +17725,1 +17726,6 +17727,4 +17728,5 +17729,3 +17730,8 +17731,2 +17732,8 +17733,8 +17734,0 +17735,5 +17736,6 +17737,0 +17738,6 +17739,0 +17740,0 +17741,3 +17742,6 +17743,2 +17744,2 +17745,6 +17746,8 +17747,1 +17748,7 +17749,1 +17750,5 +17751,3 +17752,4 +17753,6 +17754,2 +17755,7 +17756,6 +17757,8 +17758,1 +17759,2 +17760,4 +17761,2 +17762,2 +17763,3 +17764,5 +17765,6 +17766,7 +17767,5 +17768,9 +17769,4 +17770,4 +17771,6 +17772,2 +17773,7 +17774,8 +17775,5 +17776,1 +17777,7 +17778,1 +17779,6 +17780,2 +17781,1 +17782,1 +17783,2 +17784,2 +17785,8 +17786,4 +17787,0 +17788,7 +17789,9 +17790,2 +17791,7 +17792,6 +17793,7 +17794,5 +17795,2 +17796,2 +17797,3 +17798,5 +17799,2 +17800,4 +17801,6 +17802,9 +17803,4 +17804,9 +17805,8 +17806,0 +17807,4 +17808,3 +17809,4 +17810,3 +17811,4 +17812,1 +17813,4 +17814,7 +17815,5 +17816,9 +17817,6 +17818,9 +17819,9 +17820,9 +17821,9 +17822,4 +17823,1 +17824,4 +17825,8 +17826,3 +17827,5 +17828,2 +17829,6 +17830,0 +17831,2 +17832,9 +17833,2 +17834,0 +17835,4 +17836,9 +17837,6 +17838,9 +17839,9 +17840,6 +17841,3 +17842,8 +17843,2 +17844,1 +17845,5 +17846,6 +17847,0 +17848,0 +17849,2 +17850,8 +17851,4 +17852,4 +17853,6 +17854,7 +17855,5 +17856,2 +17857,6 +17858,8 +17859,0 +17860,5 +17861,1 +17862,8 +17863,9 +17864,9 +17865,3 +17866,0 +17867,6 +17868,8 +17869,3 +17870,4 +17871,5 +17872,3 +17873,2 +17874,4 +17875,6 +17876,7 +17877,4 +17878,2 +17879,2 +17880,8 +17881,9 +17882,4 +17883,0 +17884,6 +17885,0 +17886,2 +17887,1 +17888,8 +17889,4 +17890,1 +17891,7 +17892,2 +17893,3 +17894,2 +17895,1 +17896,9 +17897,6 +17898,0 +17899,3 +17900,8 +17901,3 +17902,3 +17903,9 +17904,2 +17905,0 +17906,7 +17907,7 +17908,2 +17909,0 +17910,8 +17911,6 +17912,1 +17913,1 +17914,1 +17915,6 +17916,1 +17917,2 +17918,4 +17919,1 +17920,2 +17921,0 +17922,1 +17923,8 +17924,3 +17925,5 +17926,0 +17927,2 +17928,1 +17929,8 +17930,8 +17931,1 +17932,0 +17933,7 +17934,8 +17935,9 +17936,7 +17937,9 +17938,9 +17939,4 +17940,3 +17941,5 +17942,3 +17943,7 +17944,0 +17945,0 +17946,7 +17947,4 +17948,7 +17949,0 +17950,4 +17951,0 +17952,5 +17953,0 +17954,0 +17955,5 +17956,7 +17957,6 +17958,3 +17959,2 +17960,4 +17961,8 +17962,2 +17963,3 +17964,7 +17965,2 +17966,8 +17967,1 +17968,8 +17969,1 +17970,4 +17971,9 +17972,0 +17973,7 +17974,6 +17975,8 +17976,2 +17977,1 +17978,9 +17979,1 +17980,7 +17981,0 +17982,5 +17983,5 +17984,3 +17985,6 +17986,2 +17987,6 +17988,5 +17989,0 +17990,6 +17991,4 +17992,0 +17993,1 +17994,6 +17995,1 +17996,2 +17997,6 +17998,4 +17999,6 +18000,4 +18001,9 +18002,2 +18003,9 +18004,5 +18005,9 +18006,8 +18007,5 +18008,6 +18009,0 +18010,0 +18011,1 +18012,4 +18013,9 +18014,1 +18015,3 +18016,4 +18017,2 +18018,6 +18019,4 +18020,5 +18021,1 +18022,9 +18023,8 +18024,9 +18025,6 +18026,4 +18027,1 +18028,8 +18029,2 +18030,3 +18031,7 +18032,2 +18033,3 +18034,3 +18035,3 +18036,1 +18037,6 +18038,3 +18039,1 +18040,4 +18041,2 +18042,2 +18043,1 +18044,6 +18045,7 +18046,9 +18047,2 +18048,0 +18049,0 +18050,7 +18051,4 +18052,5 +18053,4 +18054,4 +18055,5 +18056,2 +18057,6 +18058,1 +18059,8 +18060,1 +18061,8 +18062,4 +18063,6 +18064,4 +18065,1 +18066,2 +18067,9 +18068,9 +18069,6 +18070,6 +18071,9 +18072,7 +18073,6 +18074,4 +18075,6 +18076,3 +18077,9 +18078,5 +18079,0 +18080,0 +18081,6 +18082,2 +18083,1 +18084,7 +18085,6 +18086,4 +18087,8 +18088,3 +18089,4 +18090,1 +18091,4 +18092,6 +18093,1 +18094,9 +18095,1 +18096,8 +18097,0 +18098,6 +18099,3 +18100,1 +18101,2 +18102,0 +18103,2 +18104,3 +18105,6 +18106,2 +18107,4 +18108,4 +18109,7 +18110,7 +18111,8 +18112,8 +18113,3 +18114,7 +18115,6 +18116,3 +18117,8 +18118,5 +18119,5 +18120,2 +18121,7 +18122,4 +18123,6 +18124,7 +18125,3 +18126,3 +18127,0 +18128,1 +18129,3 +18130,8 +18131,8 +18132,8 +18133,0 +18134,0 +18135,6 +18136,8 +18137,3 +18138,8 +18139,9 +18140,2 +18141,1 +18142,6 +18143,3 +18144,6 +18145,9 +18146,3 +18147,1 +18148,9 +18149,7 +18150,4 +18151,8 +18152,7 +18153,9 +18154,4 +18155,8 +18156,0 +18157,3 +18158,8 +18159,7 +18160,1 +18161,3 +18162,0 +18163,8 +18164,4 +18165,4 +18166,2 +18167,4 +18168,9 +18169,5 +18170,4 +18171,9 +18172,9 +18173,3 +18174,9 +18175,7 +18176,6 +18177,6 +18178,9 +18179,5 +18180,2 +18181,3 +18182,7 +18183,7 +18184,4 +18185,9 +18186,5 +18187,7 +18188,8 +18189,5 +18190,7 +18191,6 +18192,7 +18193,4 +18194,3 +18195,0 +18196,4 +18197,7 +18198,5 +18199,5 +18200,5 +18201,1 +18202,0 +18203,0 +18204,4 +18205,7 +18206,7 +18207,0 +18208,7 +18209,2 +18210,8 +18211,8 +18212,0 +18213,1 +18214,9 +18215,5 +18216,9 +18217,8 +18218,5 +18219,4 +18220,7 +18221,4 +18222,9 +18223,8 +18224,9 +18225,1 +18226,3 +18227,6 +18228,4 +18229,0 +18230,3 +18231,7 +18232,7 +18233,2 +18234,0 +18235,2 +18236,4 +18237,7 +18238,2 +18239,2 +18240,1 +18241,4 +18242,4 +18243,6 +18244,8 +18245,6 +18246,3 +18247,0 +18248,3 +18249,8 +18250,4 +18251,6 +18252,7 +18253,6 +18254,2 +18255,1 +18256,8 +18257,4 +18258,5 +18259,2 +18260,1 +18261,2 +18262,5 +18263,7 +18264,4 +18265,0 +18266,9 +18267,9 +18268,1 +18269,7 +18270,2 +18271,1 +18272,5 +18273,5 +18274,1 +18275,8 +18276,4 +18277,5 +18278,5 +18279,7 +18280,6 +18281,8 +18282,9 +18283,5 +18284,6 +18285,6 +18286,1 +18287,7 +18288,5 +18289,4 +18290,3 +18291,8 +18292,6 +18293,9 +18294,2 +18295,1 +18296,1 +18297,4 +18298,9 +18299,5 +18300,8 +18301,5 +18302,0 +18303,6 +18304,0 +18305,0 +18306,4 +18307,2 +18308,3 +18309,6 +18310,7 +18311,4 +18312,1 +18313,8 +18314,4 +18315,1 +18316,5 +18317,0 +18318,8 +18319,6 +18320,1 +18321,5 +18322,2 +18323,2 +18324,5 +18325,7 +18326,4 +18327,6 +18328,9 +18329,6 +18330,1 +18331,9 +18332,0 +18333,8 +18334,9 +18335,4 +18336,4 +18337,7 +18338,1 +18339,3 +18340,3 +18341,4 +18342,8 +18343,9 +18344,5 +18345,4 +18346,5 +18347,6 +18348,4 +18349,9 +18350,4 +18351,7 +18352,0 +18353,1 +18354,2 +18355,0 +18356,1 +18357,8 +18358,0 +18359,6 +18360,6 +18361,1 +18362,7 +18363,3 +18364,7 +18365,9 +18366,0 +18367,9 +18368,6 +18369,9 +18370,7 +18371,3 +18372,0 +18373,2 +18374,1 +18375,7 +18376,7 +18377,0 +18378,2 +18379,1 +18380,1 +18381,6 +18382,6 +18383,7 +18384,0 +18385,2 +18386,1 +18387,8 +18388,5 +18389,5 +18390,4 +18391,3 +18392,6 +18393,1 +18394,4 +18395,0 +18396,2 +18397,4 +18398,0 +18399,1 +18400,8 +18401,4 +18402,1 +18403,0 +18404,8 +18405,2 +18406,7 +18407,4 +18408,3 +18409,3 +18410,3 +18411,1 +18412,4 +18413,2 +18414,0 +18415,6 +18416,0 +18417,4 +18418,7 +18419,9 +18420,3 +18421,7 +18422,9 +18423,9 +18424,5 +18425,7 +18426,1 +18427,3 +18428,4 +18429,3 +18430,1 +18431,7 +18432,2 +18433,7 +18434,3 +18435,9 +18436,3 +18437,7 +18438,1 +18439,4 +18440,9 +18441,3 +18442,1 +18443,5 +18444,3 +18445,8 +18446,4 +18447,1 +18448,0 +18449,9 +18450,7 +18451,3 +18452,2 +18453,3 +18454,7 +18455,7 +18456,1 +18457,7 +18458,9 +18459,6 +18460,4 +18461,7 +18462,2 +18463,2 +18464,5 +18465,6 +18466,4 +18467,0 +18468,4 +18469,8 +18470,1 +18471,5 +18472,9 +18473,9 +18474,0 +18475,1 +18476,2 +18477,2 +18478,5 +18479,8 +18480,3 +18481,4 +18482,0 +18483,7 +18484,4 +18485,2 +18486,3 +18487,1 +18488,0 +18489,8 +18490,4 +18491,9 +18492,4 +18493,0 +18494,9 +18495,2 +18496,8 +18497,5 +18498,0 +18499,4 +18500,9 +18501,1 +18502,0 +18503,2 +18504,1 +18505,7 +18506,3 +18507,1 +18508,6 +18509,4 +18510,7 +18511,8 +18512,7 +18513,8 +18514,5 +18515,2 +18516,4 +18517,7 +18518,7 +18519,2 +18520,2 +18521,8 +18522,4 +18523,1 +18524,7 +18525,5 +18526,3 +18527,8 +18528,1 +18529,6 +18530,5 +18531,1 +18532,4 +18533,8 +18534,1 +18535,2 +18536,6 +18537,1 +18538,8 +18539,2 +18540,5 +18541,9 +18542,2 +18543,2 +18544,4 +18545,0 +18546,2 +18547,0 +18548,2 +18549,9 +18550,4 +18551,4 +18552,4 +18553,7 +18554,7 +18555,5 +18556,8 +18557,9 +18558,1 +18559,5 +18560,0 +18561,6 +18562,8 +18563,1 +18564,0 +18565,0 +18566,9 +18567,4 +18568,9 +18569,2 +18570,5 +18571,6 +18572,2 +18573,9 +18574,1 +18575,9 +18576,1 +18577,8 +18578,3 +18579,0 +18580,6 +18581,4 +18582,9 +18583,3 +18584,1 +18585,4 +18586,5 +18587,1 +18588,2 +18589,2 +18590,1 +18591,2 +18592,0 +18593,6 +18594,0 +18595,7 +18596,8 +18597,8 +18598,8 +18599,7 +18600,2 +18601,2 +18602,6 +18603,6 +18604,8 +18605,7 +18606,0 +18607,0 +18608,4 +18609,9 +18610,5 +18611,1 +18612,5 +18613,3 +18614,2 +18615,4 +18616,2 +18617,2 +18618,9 +18619,5 +18620,8 +18621,2 +18622,0 +18623,0 +18624,7 +18625,5 +18626,3 +18627,1 +18628,5 +18629,0 +18630,8 +18631,3 +18632,2 +18633,8 +18634,2 +18635,4 +18636,6 +18637,3 +18638,2 +18639,6 +18640,5 +18641,0 +18642,7 +18643,5 +18644,2 +18645,0 +18646,2 +18647,9 +18648,4 +18649,5 +18650,0 +18651,0 +18652,9 +18653,4 +18654,9 +18655,4 +18656,7 +18657,9 +18658,5 +18659,4 +18660,2 +18661,1 +18662,6 +18663,1 +18664,5 +18665,7 +18666,4 +18667,1 +18668,1 +18669,5 +18670,1 +18671,3 +18672,4 +18673,9 +18674,0 +18675,9 +18676,0 +18677,4 +18678,9 +18679,3 +18680,2 +18681,3 +18682,0 +18683,4 +18684,7 +18685,5 +18686,1 +18687,5 +18688,6 +18689,1 +18690,7 +18691,8 +18692,3 +18693,6 +18694,1 +18695,4 +18696,0 +18697,3 +18698,5 +18699,3 +18700,1 +18701,2 +18702,9 +18703,5 +18704,9 +18705,1 +18706,9 +18707,7 +18708,0 +18709,6 +18710,3 +18711,1 +18712,8 +18713,8 +18714,7 +18715,2 +18716,1 +18717,5 +18718,5 +18719,0 +18720,3 +18721,6 +18722,0 +18723,1 +18724,3 +18725,4 +18726,4 +18727,9 +18728,7 +18729,0 +18730,4 +18731,4 +18732,1 +18733,2 +18734,0 +18735,3 +18736,8 +18737,6 +18738,8 +18739,1 +18740,4 +18741,0 +18742,7 +18743,2 +18744,8 +18745,8 +18746,8 +18747,8 +18748,1 +18749,9 +18750,4 +18751,0 +18752,6 +18753,0 +18754,5 +18755,5 +18756,7 +18757,3 +18758,8 +18759,3 +18760,7 +18761,1 +18762,6 +18763,8 +18764,9 +18765,2 +18766,5 +18767,0 +18768,4 +18769,7 +18770,7 +18771,8 +18772,4 +18773,0 +18774,6 +18775,3 +18776,5 +18777,2 +18778,6 +18779,0 +18780,0 +18781,9 +18782,7 +18783,9 +18784,2 +18785,4 +18786,5 +18787,0 +18788,6 +18789,4 +18790,1 +18791,2 +18792,9 +18793,8 +18794,9 +18795,7 +18796,8 +18797,8 +18798,9 +18799,1 +18800,7 +18801,7 +18802,6 +18803,7 +18804,3 +18805,3 +18806,2 +18807,4 +18808,3 +18809,8 +18810,8 +18811,6 +18812,2 +18813,5 +18814,7 +18815,4 +18816,7 +18817,3 +18818,4 +18819,1 +18820,2 +18821,8 +18822,1 +18823,4 +18824,8 +18825,2 +18826,2 +18827,5 +18828,7 +18829,8 +18830,8 +18831,6 +18832,7 +18833,4 +18834,0 +18835,3 +18836,2 +18837,1 +18838,4 +18839,3 +18840,5 +18841,9 +18842,0 +18843,7 +18844,1 +18845,1 +18846,3 +18847,9 +18848,8 +18849,9 +18850,1 +18851,7 +18852,9 +18853,3 +18854,3 +18855,0 +18856,6 +18857,6 +18858,6 +18859,2 +18860,2 +18861,9 +18862,5 +18863,2 +18864,4 +18865,6 +18866,5 +18867,3 +18868,9 +18869,8 +18870,5 +18871,1 +18872,7 +18873,5 +18874,6 +18875,8 +18876,5 +18877,9 +18878,6 +18879,8 +18880,3 +18881,0 +18882,5 +18883,8 +18884,2 +18885,8 +18886,9 +18887,2 +18888,9 +18889,6 +18890,0 +18891,5 +18892,3 +18893,6 +18894,3 +18895,8 +18896,2 +18897,0 +18898,9 +18899,9 +18900,0 +18901,3 +18902,1 +18903,4 +18904,7 +18905,8 +18906,2 +18907,9 +18908,5 +18909,5 +18910,2 +18911,6 +18912,0 +18913,9 +18914,7 +18915,6 +18916,2 +18917,1 +18918,8 +18919,4 +18920,4 +18921,7 +18922,7 +18923,8 +18924,9 +18925,6 +18926,5 +18927,8 +18928,9 +18929,9 +18930,9 +18931,4 +18932,0 +18933,3 +18934,2 +18935,6 +18936,3 +18937,7 +18938,4 +18939,9 +18940,5 +18941,4 +18942,4 +18943,1 +18944,9 +18945,2 +18946,0 +18947,6 +18948,8 +18949,3 +18950,9 +18951,7 +18952,4 +18953,7 +18954,9 +18955,5 +18956,3 +18957,8 +18958,0 +18959,2 +18960,3 +18961,4 +18962,4 +18963,2 +18964,4 +18965,8 +18966,0 +18967,5 +18968,8 +18969,1 +18970,7 +18971,5 +18972,5 +18973,1 +18974,6 +18975,1 +18976,6 +18977,1 +18978,6 +18979,4 +18980,3 +18981,9 +18982,4 +18983,6 +18984,3 +18985,1 +18986,1 +18987,6 +18988,9 +18989,3 +18990,7 +18991,2 +18992,3 +18993,5 +18994,3 +18995,5 +18996,6 +18997,0 +18998,6 +18999,1 +19000,7 +19001,9 +19002,8 +19003,0 +19004,8 +19005,3 +19006,1 +19007,3 +19008,9 +19009,2 +19010,7 +19011,0 +19012,8 +19013,0 +19014,0 +19015,3 +19016,0 +19017,6 +19018,5 +19019,1 +19020,3 +19021,6 +19022,2 +19023,9 +19024,7 +19025,5 +19026,6 +19027,4 +19028,3 +19029,6 +19030,2 +19031,1 +19032,7 +19033,3 +19034,5 +19035,9 +19036,4 +19037,3 +19038,6 +19039,8 +19040,1 +19041,1 +19042,3 +19043,8 +19044,3 +19045,4 +19046,2 +19047,2 +19048,1 +19049,1 +19050,4 +19051,2 +19052,8 +19053,1 +19054,8 +19055,3 +19056,0 +19057,8 +19058,1 +19059,8 +19060,1 +19061,9 +19062,9 +19063,0 +19064,0 +19065,4 +19066,7 +19067,1 +19068,0 +19069,8 +19070,1 +19071,3 +19072,9 +19073,9 +19074,7 +19075,1 +19076,2 +19077,9 +19078,3 +19079,6 +19080,1 +19081,8 +19082,8 +19083,6 +19084,1 +19085,9 +19086,3 +19087,8 +19088,2 +19089,5 +19090,3 +19091,1 +19092,9 +19093,0 +19094,0 +19095,7 +19096,3 +19097,5 +19098,8 +19099,5 +19100,6 +19101,3 +19102,2 +19103,2 +19104,4 +19105,4 +19106,9 +19107,5 +19108,8 +19109,8 +19110,5 +19111,1 +19112,9 +19113,6 +19114,7 +19115,0 +19116,4 +19117,4 +19118,5 +19119,2 +19120,9 +19121,2 +19122,1 +19123,0 +19124,9 +19125,7 +19126,7 +19127,7 +19128,6 +19129,0 +19130,1 +19131,9 +19132,4 +19133,0 +19134,8 +19135,4 +19136,1 +19137,2 +19138,9 +19139,3 +19140,1 +19141,0 +19142,3 +19143,6 +19144,5 +19145,7 +19146,6 +19147,6 +19148,8 +19149,1 +19150,8 +19151,1 +19152,7 +19153,3 +19154,3 +19155,4 +19156,1 +19157,2 +19158,5 +19159,0 +19160,1 +19161,2 +19162,9 +19163,1 +19164,4 +19165,1 +19166,9 +19167,2 +19168,1 +19169,7 +19170,5 +19171,7 +19172,6 +19173,3 +19174,2 +19175,4 +19176,8 +19177,7 +19178,8 +19179,0 +19180,2 +19181,1 +19182,6 +19183,5 +19184,4 +19185,0 +19186,0 +19187,9 +19188,1 +19189,1 +19190,1 +19191,1 +19192,4 +19193,8 +19194,7 +19195,9 +19196,2 +19197,9 +19198,1 +19199,6 +19200,4 +19201,1 +19202,2 +19203,2 +19204,1 +19205,1 +19206,7 +19207,3 +19208,9 +19209,4 +19210,7 +19211,9 +19212,9 +19213,0 +19214,0 +19215,4 +19216,1 +19217,1 +19218,3 +19219,8 +19220,5 +19221,0 +19222,1 +19223,4 +19224,6 +19225,6 +19226,7 +19227,8 +19228,9 +19229,7 +19230,5 +19231,2 +19232,6 +19233,1 +19234,1 +19235,3 +19236,6 +19237,8 +19238,0 +19239,2 +19240,5 +19241,7 +19242,8 +19243,5 +19244,0 +19245,4 +19246,4 +19247,4 +19248,3 +19249,1 +19250,2 +19251,9 +19252,1 +19253,3 +19254,7 +19255,6 +19256,9 +19257,1 +19258,9 +19259,3 +19260,7 +19261,1 +19262,7 +19263,1 +19264,8 +19265,3 +19266,6 +19267,0 +19268,1 +19269,5 +19270,6 +19271,6 +19272,2 +19273,3 +19274,9 +19275,7 +19276,6 +19277,6 +19278,9 +19279,7 +19280,6 +19281,6 +19282,2 +19283,4 +19284,5 +19285,8 +19286,1 +19287,2 +19288,3 +19289,7 +19290,9 +19291,5 +19292,9 +19293,4 +19294,1 +19295,0 +19296,3 +19297,1 +19298,2 +19299,7 +19300,9 +19301,0 +19302,2 +19303,4 +19304,1 +19305,8 +19306,5 +19307,4 +19308,0 +19309,0 +19310,0 +19311,2 +19312,7 +19313,0 +19314,8 +19315,8 +19316,4 +19317,6 +19318,3 +19319,4 +19320,0 +19321,6 +19322,7 +19323,1 +19324,7 +19325,8 +19326,3 +19327,1 +19328,6 +19329,3 +19330,5 +19331,9 +19332,9 +19333,1 +19334,6 +19335,1 +19336,1 +19337,4 +19338,0 +19339,9 +19340,2 +19341,4 +19342,7 +19343,8 +19344,2 +19345,8 +19346,3 +19347,0 +19348,6 +19349,6 +19350,1 +19351,6 +19352,9 +19353,9 +19354,3 +19355,7 +19356,5 +19357,5 +19358,7 +19359,5 +19360,0 +19361,9 +19362,4 +19363,1 +19364,8 +19365,8 +19366,1 +19367,1 +19368,4 +19369,7 +19370,8 +19371,6 +19372,8 +19373,2 +19374,9 +19375,8 +19376,1 +19377,5 +19378,3 +19379,2 +19380,7 +19381,5 +19382,1 +19383,0 +19384,1 +19385,0 +19386,3 +19387,3 +19388,1 +19389,5 +19390,8 +19391,8 +19392,9 +19393,3 +19394,1 +19395,3 +19396,8 +19397,6 +19398,5 +19399,1 +19400,6 +19401,9 +19402,3 +19403,8 +19404,7 +19405,9 +19406,0 +19407,8 +19408,5 +19409,4 +19410,9 +19411,5 +19412,4 +19413,8 +19414,9 +19415,8 +19416,4 +19417,4 +19418,9 +19419,1 +19420,0 +19421,9 +19422,6 +19423,7 +19424,0 +19425,6 +19426,1 +19427,3 +19428,0 +19429,6 +19430,5 +19431,2 +19432,0 +19433,1 +19434,5 +19435,6 +19436,4 +19437,8 +19438,2 +19439,5 +19440,3 +19441,3 +19442,8 +19443,1 +19444,3 +19445,3 +19446,2 +19447,0 +19448,5 +19449,2 +19450,5 +19451,1 +19452,1 +19453,8 +19454,3 +19455,9 +19456,2 +19457,4 +19458,7 +19459,3 +19460,4 +19461,7 +19462,6 +19463,7 +19464,9 +19465,7 +19466,7 +19467,1 +19468,5 +19469,9 +19470,2 +19471,4 +19472,6 +19473,7 +19474,7 +19475,1 +19476,5 +19477,4 +19478,4 +19479,0 +19480,9 +19481,7 +19482,1 +19483,6 +19484,3 +19485,0 +19486,2 +19487,7 +19488,2 +19489,7 +19490,1 +19491,3 +19492,9 +19493,4 +19494,2 +19495,8 +19496,6 +19497,8 +19498,5 +19499,1 +19500,0 +19501,5 +19502,3 +19503,1 +19504,7 +19505,3 +19506,9 +19507,8 +19508,0 +19509,9 +19510,2 +19511,9 +19512,9 +19513,6 +19514,6 +19515,3 +19516,2 +19517,6 +19518,9 +19519,5 +19520,5 +19521,4 +19522,1 +19523,1 +19524,4 +19525,6 +19526,0 +19527,7 +19528,5 +19529,8 +19530,0 +19531,0 +19532,3 +19533,9 +19534,8 +19535,1 +19536,0 +19537,9 +19538,2 +19539,5 +19540,2 +19541,0 +19542,2 +19543,8 +19544,9 +19545,0 +19546,7 +19547,3 +19548,7 +19549,5 +19550,1 +19551,1 +19552,5 +19553,7 +19554,7 +19555,7 +19556,3 +19557,4 +19558,1 +19559,0 +19560,6 +19561,9 +19562,9 +19563,6 +19564,9 +19565,1 +19566,5 +19567,4 +19568,5 +19569,8 +19570,9 +19571,9 +19572,1 +19573,1 +19574,7 +19575,9 +19576,1 +19577,7 +19578,7 +19579,6 +19580,5 +19581,8 +19582,2 +19583,4 +19584,1 +19585,3 +19586,6 +19587,8 +19588,5 +19589,2 +19590,7 +19591,1 +19592,4 +19593,0 +19594,8 +19595,5 +19596,8 +19597,5 +19598,1 +19599,3 +19600,4 +19601,5 +19602,5 +19603,2 +19604,1 +19605,3 +19606,5 +19607,2 +19608,2 +19609,9 +19610,4 +19611,4 +19612,9 +19613,5 +19614,9 +19615,1 +19616,3 +19617,2 +19618,9 +19619,6 +19620,2 +19621,2 +19622,0 +19623,7 +19624,5 +19625,7 +19626,3 +19627,2 +19628,9 +19629,4 +19630,1 +19631,2 +19632,9 +19633,2 +19634,2 +19635,8 +19636,1 +19637,0 +19638,0 +19639,9 +19640,0 +19641,6 +19642,2 +19643,4 +19644,1 +19645,0 +19646,4 +19647,3 +19648,1 +19649,1 +19650,1 +19651,9 +19652,0 +19653,8 +19654,2 +19655,9 +19656,5 +19657,0 +19658,2 +19659,3 +19660,0 +19661,7 +19662,2 +19663,2 +19664,2 +19665,0 +19666,1 +19667,1 +19668,1 +19669,7 +19670,6 +19671,1 +19672,7 +19673,7 +19674,3 +19675,8 +19676,5 +19677,0 +19678,9 +19679,1 +19680,0 +19681,2 +19682,3 +19683,4 +19684,9 +19685,9 +19686,2 +19687,6 +19688,5 +19689,0 +19690,5 +19691,3 +19692,7 +19693,3 +19694,3 +19695,4 +19696,4 +19697,7 +19698,2 +19699,1 +19700,9 +19701,3 +19702,4 +19703,5 +19704,2 +19705,7 +19706,4 +19707,3 +19708,5 +19709,7 +19710,4 +19711,1 +19712,8 +19713,4 +19714,3 +19715,7 +19716,6 +19717,2 +19718,3 +19719,4 +19720,9 +19721,1 +19722,4 +19723,3 +19724,9 +19725,9 +19726,1 +19727,7 +19728,5 +19729,6 +19730,8 +19731,4 +19732,1 +19733,4 +19734,5 +19735,2 +19736,2 +19737,2 +19738,8 +19739,4 +19740,0 +19741,7 +19742,6 +19743,4 +19744,3 +19745,2 +19746,3 +19747,1 +19748,7 +19749,6 +19750,7 +19751,6 +19752,8 +19753,9 +19754,0 +19755,2 +19756,3 +19757,6 +19758,9 +19759,6 +19760,9 +19761,4 +19762,5 +19763,9 +19764,5 +19765,9 +19766,7 +19767,1 +19768,5 +19769,9 +19770,3 +19771,2 +19772,7 +19773,6 +19774,7 +19775,8 +19776,1 +19777,6 +19778,1 +19779,8 +19780,9 +19781,7 +19782,7 +19783,1 +19784,6 +19785,0 +19786,5 +19787,8 +19788,5 +19789,9 +19790,1 +19791,4 +19792,7 +19793,2 +19794,1 +19795,7 +19796,6 +19797,6 +19798,2 +19799,4 +19800,2 +19801,3 +19802,5 +19803,5 +19804,2 +19805,9 +19806,0 +19807,2 +19808,8 +19809,3 +19810,7 +19811,8 +19812,6 +19813,0 +19814,7 +19815,2 +19816,7 +19817,2 +19818,9 +19819,1 +19820,2 +19821,0 +19822,2 +19823,9 +19824,3 +19825,0 +19826,6 +19827,2 +19828,8 +19829,0 +19830,3 +19831,7 +19832,4 +19833,1 +19834,4 +19835,0 +19836,3 +19837,1 +19838,4 +19839,5 +19840,7 +19841,9 +19842,3 +19843,1 +19844,9 +19845,5 +19846,0 +19847,4 +19848,4 +19849,2 +19850,2 +19851,1 +19852,9 +19853,5 +19854,7 +19855,2 +19856,6 +19857,2 +19858,6 +19859,7 +19860,7 +19861,8 +19862,0 +19863,5 +19864,2 +19865,7 +19866,0 +19867,2 +19868,0 +19869,2 +19870,0 +19871,2 +19872,4 +19873,2 +19874,5 +19875,9 +19876,2 +19877,8 +19878,2 +19879,7 +19880,5 +19881,1 +19882,4 +19883,2 +19884,5 +19885,6 +19886,1 +19887,9 +19888,8 +19889,8 +19890,9 +19891,4 +19892,5 +19893,5 +19894,0 +19895,8 +19896,6 +19897,6 +19898,6 +19899,5 +19900,0 +19901,0 +19902,6 +19903,9 +19904,5 +19905,4 +19906,4 +19907,1 +19908,2 +19909,2 +19910,2 +19911,1 +19912,7 +19913,7 +19914,8 +19915,0 +19916,0 +19917,1 +19918,6 +19919,5 +19920,4 +19921,2 +19922,0 +19923,2 +19924,5 +19925,7 +19926,8 +19927,5 +19928,2 +19929,4 +19930,4 +19931,9 +19932,4 +19933,4 +19934,6 +19935,6 +19936,4 +19937,0 +19938,3 +19939,9 +19940,1 +19941,3 +19942,2 +19943,4 +19944,0 +19945,0 +19946,1 +19947,1 +19948,7 +19949,6 +19950,2 +19951,5 +19952,1 +19953,2 +19954,7 +19955,5 +19956,1 +19957,8 +19958,0 +19959,1 +19960,5 +19961,7 +19962,8 +19963,5 +19964,9 +19965,1 +19966,2 +19967,7 +19968,7 +19969,0 +19970,0 +19971,1 +19972,7 +19973,3 +19974,0 +19975,3 +19976,1 +19977,4 +19978,1 +19979,3 +19980,8 +19981,3 +19982,7 +19983,3 +19984,9 +19985,1 +19986,7 +19987,7 +19988,1 +19989,2 +19990,6 +19991,5 +19992,8 +19993,0 +19994,3 +19995,2 +19996,0 +19997,6 +19998,5 +19999,4 +20000,6 +20001,7 +20002,0 +20003,3 +20004,4 +20005,6 +20006,3 +20007,5 +20008,2 +20009,7 +20010,7 +20011,3 +20012,5 +20013,4 +20014,9 +20015,0 +20016,3 +20017,1 +20018,5 +20019,3 +20020,1 +20021,2 +20022,0 +20023,2 +20024,4 +20025,8 +20026,9 +20027,4 +20028,2 +20029,9 +20030,2 +20031,5 +20032,4 +20033,5 +20034,3 +20035,4 +20036,2 +20037,6 +20038,6 +20039,5 +20040,2 +20041,9 +20042,9 +20043,7 +20044,1 +20045,7 +20046,7 +20047,4 +20048,4 +20049,8 +20050,8 +20051,7 +20052,6 +20053,1 +20054,4 +20055,4 +20056,9 +20057,0 +20058,9 +20059,6 +20060,7 +20061,0 +20062,9 +20063,4 +20064,1 +20065,9 +20066,6 +20067,7 +20068,5 +20069,7 +20070,6 +20071,2 +20072,5 +20073,9 +20074,9 +20075,9 +20076,4 +20077,2 +20078,5 +20079,5 +20080,3 +20081,0 +20082,3 +20083,6 +20084,1 +20085,8 +20086,4 +20087,6 +20088,2 +20089,7 +20090,2 +20091,7 +20092,9 +20093,9 +20094,3 +20095,4 +20096,7 +20097,1 +20098,7 +20099,6 +20100,6 +20101,1 +20102,5 +20103,0 +20104,1 +20105,3 +20106,0 +20107,1 +20108,3 +20109,2 +20110,6 +20111,5 +20112,3 +20113,9 +20114,3 +20115,9 +20116,9 +20117,3 +20118,3 +20119,0 +20120,7 +20121,5 +20122,9 +20123,6 +20124,6 +20125,4 +20126,6 +20127,9 +20128,7 +20129,3 +20130,6 +20131,1 +20132,6 +20133,8 +20134,6 +20135,7 +20136,4 +20137,1 +20138,6 +20139,0 +20140,4 +20141,2 +20142,2 +20143,5 +20144,8 +20145,9 +20146,1 +20147,9 +20148,2 +20149,9 +20150,9 +20151,7 +20152,9 +20153,1 +20154,5 +20155,7 +20156,1 +20157,8 +20158,8 +20159,5 +20160,6 +20161,7 +20162,6 +20163,0 +20164,7 +20165,6 +20166,3 +20167,1 +20168,0 +20169,7 +20170,9 +20171,5 +20172,7 +20173,8 +20174,1 +20175,0 +20176,9 +20177,9 +20178,4 +20179,0 +20180,0 +20181,7 +20182,7 +20183,4 +20184,4 +20185,7 +20186,1 +20187,5 +20188,7 +20189,1 +20190,3 +20191,3 +20192,0 +20193,0 +20194,9 +20195,1 +20196,7 +20197,0 +20198,2 +20199,0 +20200,1 +20201,5 +20202,0 +20203,3 +20204,7 +20205,9 +20206,2 +20207,4 +20208,4 +20209,9 +20210,8 +20211,8 +20212,0 +20213,4 +20214,3 +20215,6 +20216,1 +20217,9 +20218,4 +20219,8 +20220,9 +20221,6 +20222,8 +20223,9 +20224,4 +20225,9 +20226,8 +20227,8 +20228,9 +20229,2 +20230,3 +20231,8 +20232,6 +20233,5 +20234,4 +20235,5 +20236,0 +20237,1 +20238,9 +20239,0 +20240,5 +20241,8 +20242,1 +20243,1 +20244,5 +20245,4 +20246,8 +20247,2 +20248,5 +20249,9 +20250,5 +20251,1 +20252,1 +20253,8 +20254,8 +20255,0 +20256,8 +20257,4 +20258,8 +20259,9 +20260,3 +20261,2 +20262,0 +20263,8 +20264,4 +20265,4 +20266,0 +20267,6 +20268,0 +20269,1 +20270,9 +20271,9 +20272,9 +20273,4 +20274,1 +20275,4 +20276,9 +20277,1 +20278,6 +20279,5 +20280,1 +20281,8 +20282,3 +20283,1 +20284,7 +20285,4 +20286,6 +20287,3 +20288,9 +20289,5 +20290,7 +20291,7 +20292,5 +20293,4 +20294,8 +20295,5 +20296,5 +20297,2 +20298,4 +20299,8 +20300,8 +20301,3 +20302,1 +20303,1 +20304,3 +20305,2 +20306,9 +20307,0 +20308,4 +20309,9 +20310,4 +20311,9 +20312,0 +20313,5 +20314,3 +20315,1 +20316,4 +20317,2 +20318,0 +20319,4 +20320,1 +20321,0 +20322,7 +20323,1 +20324,9 +20325,4 +20326,8 +20327,1 +20328,4 +20329,7 +20330,8 +20331,8 +20332,1 +20333,5 +20334,4 +20335,3 +20336,0 +20337,5 +20338,9 +20339,5 +20340,9 +20341,5 +20342,0 +20343,9 +20344,5 +20345,1 +20346,7 +20347,8 +20348,8 +20349,9 +20350,2 +20351,1 +20352,4 +20353,9 +20354,6 +20355,3 +20356,8 +20357,8 +20358,7 +20359,9 +20360,7 +20361,6 +20362,3 +20363,3 +20364,5 +20365,3 +20366,2 +20367,0 +20368,1 +20369,8 +20370,1 +20371,1 +20372,9 +20373,1 +20374,3 +20375,0 +20376,6 +20377,4 +20378,0 +20379,0 +20380,6 +20381,9 +20382,0 +20383,1 +20384,7 +20385,3 +20386,2 +20387,6 +20388,7 +20389,7 +20390,7 +20391,7 +20392,2 +20393,2 +20394,8 +20395,1 +20396,0 +20397,9 +20398,0 +20399,2 +20400,0 +20401,7 +20402,3 +20403,7 +20404,4 +20405,5 +20406,7 +20407,5 +20408,1 +20409,1 +20410,6 +20411,4 +20412,4 +20413,7 +20414,2 +20415,6 +20416,1 +20417,0 +20418,8 +20419,2 +20420,9 +20421,8 +20422,4 +20423,5 +20424,2 +20425,6 +20426,2 +20427,1 +20428,1 +20429,3 +20430,1 +20431,1 +20432,6 +20433,3 +20434,8 +20435,3 +20436,6 +20437,7 +20438,6 +20439,0 +20440,9 +20441,8 +20442,2 +20443,9 +20444,0 +20445,0 +20446,5 +20447,8 +20448,0 +20449,1 +20450,0 +20451,8 +20452,7 +20453,2 +20454,9 +20455,6 +20456,9 +20457,0 +20458,2 +20459,4 +20460,1 +20461,2 +20462,0 +20463,1 +20464,4 +20465,7 +20466,6 +20467,6 +20468,9 +20469,1 +20470,7 +20471,0 +20472,7 +20473,1 +20474,1 +20475,8 +20476,8 +20477,5 +20478,2 +20479,9 +20480,1 +20481,3 +20482,0 +20483,0 +20484,7 +20485,5 +20486,9 +20487,0 +20488,3 +20489,2 +20490,6 +20491,7 +20492,5 +20493,3 +20494,2 +20495,1 +20496,9 +20497,4 +20498,6 +20499,5 +20500,9 +20501,1 +20502,8 +20503,8 +20504,8 +20505,1 +20506,8 +20507,8 +20508,3 +20509,4 +20510,3 +20511,5 +20512,6 +20513,2 +20514,1 +20515,8 +20516,6 +20517,4 +20518,6 +20519,3 +20520,6 +20521,8 +20522,1 +20523,5 +20524,0 +20525,5 +20526,0 +20527,0 +20528,9 +20529,8 +20530,1 +20531,9 +20532,0 +20533,1 +20534,8 +20535,4 +20536,2 +20537,5 +20538,4 +20539,3 +20540,1 +20541,4 +20542,2 +20543,3 +20544,4 +20545,5 +20546,0 +20547,0 +20548,3 +20549,0 +20550,6 +20551,6 +20552,1 +20553,9 +20554,1 +20555,4 +20556,9 +20557,8 +20558,2 +20559,0 +20560,4 +20561,1 +20562,5 +20563,6 +20564,4 +20565,9 +20566,4 +20567,1 +20568,0 +20569,4 +20570,1 +20571,7 +20572,0 +20573,7 +20574,3 +20575,6 +20576,7 +20577,9 +20578,6 +20579,2 +20580,6 +20581,8 +20582,5 +20583,0 +20584,8 +20585,3 +20586,1 +20587,0 +20588,2 +20589,2 +20590,6 +20591,5 +20592,1 +20593,3 +20594,1 +20595,9 +20596,1 +20597,6 +20598,9 +20599,9 +20600,9 +20601,3 +20602,2 +20603,0 +20604,7 +20605,3 +20606,1 +20607,6 +20608,2 +20609,3 +20610,8 +20611,5 +20612,1 +20613,6 +20614,7 +20615,9 +20616,3 +20617,9 +20618,5 +20619,5 +20620,5 +20621,4 +20622,3 +20623,9 +20624,4 +20625,0 +20626,9 +20627,7 +20628,8 +20629,5 +20630,3 +20631,1 +20632,5 +20633,0 +20634,7 +20635,9 +20636,0 +20637,4 +20638,0 +20639,0 +20640,4 +20641,8 +20642,5 +20643,1 +20644,8 +20645,9 +20646,0 +20647,0 +20648,7 +20649,4 +20650,3 +20651,8 +20652,6 +20653,9 +20654,4 +20655,7 +20656,7 +20657,1 +20658,6 +20659,8 +20660,3 +20661,4 +20662,7 +20663,6 +20664,3 +20665,0 +20666,1 +20667,9 +20668,6 +20669,5 +20670,3 +20671,9 +20672,2 +20673,3 +20674,0 +20675,1 +20676,2 +20677,8 +20678,9 +20679,8 +20680,3 +20681,9 +20682,3 +20683,3 +20684,8 +20685,9 +20686,5 +20687,7 +20688,9 +20689,2 +20690,9 +20691,7 +20692,5 +20693,2 +20694,4 +20695,8 +20696,5 +20697,7 +20698,4 +20699,5 +20700,9 +20701,4 +20702,7 +20703,5 +20704,6 +20705,0 +20706,3 +20707,6 +20708,5 +20709,0 +20710,4 +20711,8 +20712,3 +20713,9 +20714,2 +20715,7 +20716,0 +20717,7 +20718,4 +20719,2 +20720,9 +20721,3 +20722,2 +20723,0 +20724,6 +20725,2 +20726,4 +20727,0 +20728,1 +20729,4 +20730,0 +20731,6 +20732,7 +20733,0 +20734,0 +20735,5 +20736,5 +20737,2 +20738,1 +20739,3 +20740,7 +20741,1 +20742,2 +20743,6 +20744,3 +20745,8 +20746,7 +20747,0 +20748,3 +20749,9 +20750,5 +20751,4 +20752,4 +20753,9 +20754,2 +20755,8 +20756,0 +20757,0 +20758,7 +20759,7 +20760,3 +20761,3 +20762,5 +20763,8 +20764,2 +20765,7 +20766,8 +20767,9 +20768,5 +20769,1 +20770,1 +20771,3 +20772,6 +20773,1 +20774,2 +20775,2 +20776,5 +20777,4 +20778,2 +20779,1 +20780,3 +20781,7 +20782,3 +20783,7 +20784,5 +20785,6 +20786,9 +20787,7 +20788,4 +20789,9 +20790,0 +20791,8 +20792,8 +20793,6 +20794,7 +20795,1 +20796,5 +20797,7 +20798,4 +20799,9 +20800,0 +20801,9 +20802,3 +20803,6 +20804,1 +20805,7 +20806,2 +20807,4 +20808,3 +20809,3 +20810,9 +20811,7 +20812,3 +20813,6 +20814,0 +20815,0 +20816,1 +20817,3 +20818,0 +20819,5 +20820,2 +20821,8 +20822,9 +20823,7 +20824,5 +20825,2 +20826,5 +20827,8 +20828,0 +20829,9 +20830,7 +20831,6 +20832,7 +20833,6 +20834,2 +20835,3 +20836,3 +20837,7 +20838,7 +20839,3 +20840,2 +20841,0 +20842,3 +20843,4 +20844,6 +20845,8 +20846,2 +20847,3 +20848,1 +20849,1 +20850,6 +20851,9 +20852,1 +20853,1 +20854,8 +20855,1 +20856,8 +20857,3 +20858,0 +20859,6 +20860,3 +20861,2 +20862,4 +20863,3 +20864,9 +20865,2 +20866,0 +20867,9 +20868,5 +20869,9 +20870,5 +20871,2 +20872,7 +20873,5 +20874,8 +20875,0 +20876,3 +20877,1 +20878,4 +20879,1 +20880,0 +20881,1 +20882,9 +20883,8 +20884,9 +20885,2 +20886,2 +20887,2 +20888,1 +20889,5 +20890,9 +20891,2 +20892,2 +20893,6 +20894,8 +20895,3 +20896,9 +20897,1 +20898,9 +20899,1 +20900,0 +20901,3 +20902,2 +20903,9 +20904,4 +20905,4 +20906,4 +20907,2 +20908,2 +20909,6 +20910,1 +20911,1 +20912,9 +20913,1 +20914,5 +20915,2 +20916,8 +20917,3 +20918,0 +20919,5 +20920,6 +20921,8 +20922,3 +20923,6 +20924,2 +20925,7 +20926,9 +20927,0 +20928,8 +20929,5 +20930,7 +20931,4 +20932,6 +20933,9 +20934,8 +20935,3 +20936,7 +20937,5 +20938,2 +20939,7 +20940,6 +20941,6 +20942,7 +20943,7 +20944,8 +20945,6 +20946,2 +20947,2 +20948,8 +20949,9 +20950,8 +20951,4 +20952,7 +20953,3 +20954,5 +20955,2 +20956,8 +20957,8 +20958,8 +20959,0 +20960,6 +20961,6 +20962,0 +20963,0 +20964,0 +20965,1 +20966,0 +20967,6 +20968,3 +20969,4 +20970,2 +20971,0 +20972,6 +20973,2 +20974,0 +20975,9 +20976,8 +20977,1 +20978,6 +20979,7 +20980,5 +20981,1 +20982,9 +20983,8 +20984,8 +20985,9 +20986,0 +20987,8 +20988,1 +20989,2 +20990,4 +20991,8 +20992,5 +20993,1 +20994,5 +20995,3 +20996,6 +20997,1 +20998,4 +20999,2 +21000,6 +21001,7 +21002,5 +21003,5 +21004,4 +21005,2 +21006,7 +21007,5 +21008,5 +21009,2 +21010,9 +21011,3 +21012,1 +21013,9 +21014,3 +21015,6 +21016,1 +21017,7 +21018,1 +21019,3 +21020,4 +21021,6 +21022,7 +21023,9 +21024,7 +21025,1 +21026,3 +21027,0 +21028,1 +21029,8 +21030,5 +21031,2 +21032,1 +21033,1 +21034,9 +21035,4 +21036,9 +21037,7 +21038,4 +21039,1 +21040,5 +21041,3 +21042,0 +21043,1 +21044,0 +21045,6 +21046,7 +21047,3 +21048,7 +21049,5 +21050,0 +21051,7 +21052,7 +21053,7 +21054,7 +21055,1 +21056,4 +21057,9 +21058,6 +21059,9 +21060,9 +21061,5 +21062,7 +21063,1 +21064,8 +21065,8 +21066,9 +21067,4 +21068,1 +21069,6 +21070,7 +21071,3 +21072,4 +21073,4 +21074,8 +21075,3 +21076,2 +21077,7 +21078,4 +21079,9 +21080,1 +21081,9 +21082,0 +21083,4 +21084,8 +21085,6 +21086,3 +21087,5 +21088,3 +21089,7 +21090,1 +21091,5 +21092,7 +21093,9 +21094,7 +21095,0 +21096,3 +21097,1 +21098,7 +21099,2 +21100,7 +21101,0 +21102,1 +21103,5 +21104,2 +21105,6 +21106,7 +21107,5 +21108,7 +21109,9 +21110,6 +21111,7 +21112,2 +21113,8 +21114,2 +21115,3 +21116,5 +21117,6 +21118,5 +21119,9 +21120,7 +21121,8 +21122,2 +21123,4 +21124,9 +21125,5 +21126,4 +21127,4 +21128,9 +21129,6 +21130,7 +21131,1 +21132,8 +21133,6 +21134,0 +21135,3 +21136,2 +21137,7 +21138,5 +21139,9 +21140,5 +21141,2 +21142,3 +21143,5 +21144,5 +21145,7 +21146,9 +21147,7 +21148,9 +21149,2 +21150,2 +21151,8 +21152,5 +21153,2 +21154,9 +21155,5 +21156,0 +21157,1 +21158,1 +21159,8 +21160,0 +21161,8 +21162,5 +21163,6 +21164,3 +21165,0 +21166,8 +21167,4 +21168,9 +21169,6 +21170,4 +21171,1 +21172,0 +21173,9 +21174,3 +21175,3 +21176,4 +21177,2 +21178,8 +21179,1 +21180,1 +21181,6 +21182,5 +21183,1 +21184,2 +21185,7 +21186,8 +21187,6 +21188,2 +21189,8 +21190,7 +21191,8 +21192,9 +21193,7 +21194,7 +21195,0 +21196,2 +21197,3 +21198,0 +21199,8 +21200,9 +21201,8 +21202,4 +21203,4 +21204,3 +21205,9 +21206,7 +21207,7 +21208,9 +21209,4 +21210,3 +21211,3 +21212,3 +21213,8 +21214,0 +21215,6 +21216,2 +21217,7 +21218,7 +21219,2 +21220,5 +21221,2 +21222,7 +21223,8 +21224,0 +21225,3 +21226,3 +21227,4 +21228,4 +21229,3 +21230,2 +21231,5 +21232,2 +21233,0 +21234,9 +21235,7 +21236,2 +21237,6 +21238,1 +21239,0 +21240,4 +21241,5 +21242,3 +21243,2 +21244,7 +21245,4 +21246,4 +21247,4 +21248,6 +21249,4 +21250,7 +21251,9 +21252,2 +21253,1 +21254,8 +21255,8 +21256,3 +21257,5 +21258,2 +21259,9 +21260,1 +21261,2 +21262,7 +21263,1 +21264,4 +21265,4 +21266,6 +21267,5 +21268,7 +21269,2 +21270,6 +21271,4 +21272,3 +21273,1 +21274,6 +21275,9 +21276,0 +21277,9 +21278,8 +21279,1 +21280,1 +21281,0 +21282,0 +21283,9 +21284,6 +21285,1 +21286,2 +21287,4 +21288,0 +21289,7 +21290,3 +21291,2 +21292,1 +21293,0 +21294,3 +21295,2 +21296,3 +21297,9 +21298,7 +21299,4 +21300,0 +21301,7 +21302,5 +21303,5 +21304,4 +21305,1 +21306,4 +21307,8 +21308,7 +21309,0 +21310,0 +21311,3 +21312,1 +21313,0 +21314,6 +21315,1 +21316,1 +21317,7 +21318,7 +21319,6 +21320,8 +21321,0 +21322,5 +21323,5 +21324,9 +21325,2 +21326,2 +21327,5 +21328,9 +21329,8 +21330,5 +21331,2 +21332,9 +21333,8 +21334,6 +21335,7 +21336,1 +21337,0 +21338,9 +21339,8 +21340,5 +21341,1 +21342,9 +21343,1 +21344,3 +21345,1 +21346,8 +21347,2 +21348,5 +21349,3 +21350,4 +21351,7 +21352,3 +21353,4 +21354,5 +21355,7 +21356,0 +21357,5 +21358,6 +21359,8 +21360,3 +21361,3 +21362,4 +21363,0 +21364,3 +21365,1 +21366,3 +21367,7 +21368,1 +21369,7 +21370,1 +21371,1 +21372,9 +21373,4 +21374,1 +21375,3 +21376,6 +21377,1 +21378,2 +21379,1 +21380,5 +21381,2 +21382,7 +21383,2 +21384,6 +21385,1 +21386,8 +21387,9 +21388,4 +21389,4 +21390,1 +21391,6 +21392,6 +21393,7 +21394,4 +21395,0 +21396,2 +21397,3 +21398,3 +21399,1 +21400,7 +21401,6 +21402,0 +21403,7 +21404,8 +21405,7 +21406,1 +21407,2 +21408,3 +21409,2 +21410,6 +21411,7 +21412,2 +21413,9 +21414,8 +21415,7 +21416,6 +21417,1 +21418,6 +21419,0 +21420,3 +21421,5 +21422,4 +21423,4 +21424,9 +21425,4 +21426,7 +21427,1 +21428,5 +21429,9 +21430,9 +21431,2 +21432,6 +21433,9 +21434,1 +21435,1 +21436,9 +21437,9 +21438,4 +21439,2 +21440,2 +21441,9 +21442,2 +21443,7 +21444,2 +21445,7 +21446,8 +21447,8 +21448,6 +21449,3 +21450,6 +21451,7 +21452,6 +21453,2 +21454,1 +21455,9 +21456,8 +21457,9 +21458,2 +21459,0 +21460,8 +21461,5 +21462,9 +21463,5 +21464,9 +21465,5 +21466,1 +21467,5 +21468,1 +21469,7 +21470,3 +21471,8 +21472,4 +21473,8 +21474,5 +21475,2 +21476,9 +21477,7 +21478,7 +21479,3 +21480,1 +21481,1 +21482,8 +21483,9 +21484,1 +21485,8 +21486,3 +21487,8 +21488,4 +21489,0 +21490,0 +21491,7 +21492,4 +21493,5 +21494,3 +21495,7 +21496,9 +21497,2 +21498,1 +21499,2 +21500,2 +21501,3 +21502,4 +21503,4 +21504,7 +21505,1 +21506,7 +21507,3 +21508,3 +21509,7 +21510,7 +21511,2 +21512,9 +21513,2 +21514,4 +21515,2 +21516,0 +21517,9 +21518,8 +21519,8 +21520,2 +21521,1 +21522,3 +21523,9 +21524,5 +21525,2 +21526,0 +21527,2 +21528,4 +21529,0 +21530,9 +21531,6 +21532,5 +21533,9 +21534,1 +21535,1 +21536,9 +21537,5 +21538,0 +21539,4 +21540,8 +21541,9 +21542,6 +21543,2 +21544,0 +21545,9 +21546,6 +21547,1 +21548,9 +21549,8 +21550,2 +21551,9 +21552,5 +21553,8 +21554,0 +21555,6 +21556,0 +21557,9 +21558,9 +21559,9 +21560,7 +21561,3 +21562,4 +21563,7 +21564,8 +21565,1 +21566,4 +21567,6 +21568,7 +21569,1 +21570,0 +21571,3 +21572,1 +21573,8 +21574,4 +21575,3 +21576,2 +21577,9 +21578,6 +21579,6 +21580,7 +21581,6 +21582,4 +21583,9 +21584,4 +21585,9 +21586,4 +21587,1 +21588,3 +21589,7 +21590,7 +21591,1 +21592,6 +21593,6 +21594,9 +21595,0 +21596,7 +21597,0 +21598,3 +21599,4 +21600,0 +21601,2 +21602,0 +21603,2 +21604,7 +21605,2 +21606,8 +21607,0 +21608,9 +21609,1 +21610,4 +21611,2 +21612,0 +21613,5 +21614,1 +21615,0 +21616,6 +21617,3 +21618,5 +21619,7 +21620,3 +21621,6 +21622,6 +21623,5 +21624,1 +21625,0 +21626,3 +21627,6 +21628,4 +21629,4 +21630,4 +21631,7 +21632,9 +21633,5 +21634,3 +21635,7 +21636,7 +21637,8 +21638,4 +21639,0 +21640,4 +21641,9 +21642,6 +21643,3 +21644,9 +21645,6 +21646,6 +21647,0 +21648,9 +21649,9 +21650,4 +21651,1 +21652,9 +21653,2 +21654,8 +21655,4 +21656,5 +21657,1 +21658,3 +21659,8 +21660,1 +21661,5 +21662,6 +21663,7 +21664,2 +21665,3 +21666,6 +21667,9 +21668,4 +21669,1 +21670,2 +21671,1 +21672,6 +21673,6 +21674,5 +21675,3 +21676,0 +21677,1 +21678,7 +21679,1 +21680,4 +21681,1 +21682,4 +21683,0 +21684,7 +21685,7 +21686,8 +21687,1 +21688,4 +21689,7 +21690,7 +21691,7 +21692,3 +21693,2 +21694,5 +21695,7 +21696,6 +21697,0 +21698,3 +21699,4 +21700,7 +21701,7 +21702,9 +21703,4 +21704,2 +21705,5 +21706,0 +21707,6 +21708,7 +21709,6 +21710,0 +21711,7 +21712,4 +21713,9 +21714,0 +21715,2 +21716,9 +21717,3 +21718,2 +21719,4 +21720,8 +21721,2 +21722,1 +21723,0 +21724,7 +21725,3 +21726,3 +21727,2 +21728,1 +21729,4 +21730,0 +21731,2 +21732,9 +21733,8 +21734,6 +21735,8 +21736,1 +21737,3 +21738,1 +21739,9 +21740,1 +21741,3 +21742,9 +21743,2 +21744,6 +21745,6 +21746,2 +21747,1 +21748,7 +21749,9 +21750,6 +21751,4 +21752,6 +21753,4 +21754,0 +21755,4 +21756,6 +21757,0 +21758,5 +21759,2 +21760,7 +21761,1 +21762,3 +21763,9 +21764,3 +21765,2 +21766,4 +21767,2 +21768,6 +21769,8 +21770,8 +21771,3 +21772,4 +21773,5 +21774,3 +21775,1 +21776,6 +21777,4 +21778,5 +21779,0 +21780,6 +21781,5 +21782,1 +21783,7 +21784,8 +21785,5 +21786,1 +21787,1 +21788,8 +21789,4 +21790,8 +21791,1 +21792,9 +21793,6 +21794,9 +21795,1 +21796,9 +21797,2 +21798,4 +21799,3 +21800,8 +21801,0 +21802,8 +21803,1 +21804,9 +21805,6 +21806,9 +21807,7 +21808,9 +21809,8 +21810,2 +21811,3 +21812,2 +21813,5 +21814,5 +21815,9 +21816,1 +21817,4 +21818,8 +21819,9 +21820,4 +21821,7 +21822,9 +21823,6 +21824,3 +21825,9 +21826,7 +21827,8 +21828,2 +21829,8 +21830,1 +21831,7 +21832,1 +21833,0 +21834,4 +21835,8 +21836,8 +21837,1 +21838,4 +21839,7 +21840,0 +21841,8 +21842,4 +21843,0 +21844,5 +21845,8 +21846,6 +21847,2 +21848,7 +21849,7 +21850,5 +21851,5 +21852,6 +21853,1 +21854,6 +21855,8 +21856,0 +21857,0 +21858,3 +21859,6 +21860,1 +21861,6 +21862,0 +21863,7 +21864,2 +21865,9 +21866,1 +21867,6 +21868,9 +21869,7 +21870,5 +21871,4 +21872,3 +21873,8 +21874,4 +21875,2 +21876,2 +21877,8 +21878,6 +21879,2 +21880,8 +21881,8 +21882,2 +21883,5 +21884,4 +21885,9 +21886,1 +21887,0 +21888,2 +21889,2 +21890,0 +21891,6 +21892,1 +21893,3 +21894,4 +21895,9 +21896,0 +21897,8 +21898,0 +21899,8 +21900,7 +21901,4 +21902,4 +21903,7 +21904,9 +21905,1 +21906,7 +21907,9 +21908,8 +21909,8 +21910,7 +21911,9 +21912,8 +21913,1 +21914,3 +21915,7 +21916,4 +21917,5 +21918,3 +21919,0 +21920,5 +21921,7 +21922,4 +21923,3 +21924,1 +21925,3 +21926,0 +21927,9 +21928,8 +21929,9 +21930,6 +21931,8 +21932,1 +21933,0 +21934,6 +21935,0 +21936,1 +21937,1 +21938,0 +21939,3 +21940,4 +21941,2 +21942,2 +21943,1 +21944,9 +21945,1 +21946,1 +21947,6 +21948,4 +21949,2 +21950,1 +21951,0 +21952,7 +21953,8 +21954,1 +21955,1 +21956,4 +21957,8 +21958,4 +21959,3 +21960,7 +21961,1 +21962,7 +21963,9 +21964,9 +21965,0 +21966,1 +21967,9 +21968,1 +21969,6 +21970,0 +21971,1 +21972,4 +21973,7 +21974,4 +21975,0 +21976,9 +21977,9 +21978,3 +21979,8 +21980,1 +21981,1 +21982,2 +21983,6 +21984,7 +21985,7 +21986,0 +21987,4 +21988,5 +21989,2 +21990,1 +21991,3 +21992,1 +21993,2 +21994,1 +21995,3 +21996,9 +21997,0 +21998,8 +21999,1 +22000,4 +22001,0 +22002,8 +22003,6 +22004,0 +22005,8 +22006,2 +22007,0 +22008,0 +22009,5 +22010,9 +22011,4 +22012,6 +22013,1 +22014,1 +22015,4 +22016,5 +22017,5 +22018,9 +22019,8 +22020,7 +22021,4 +22022,8 +22023,5 +22024,2 +22025,0 +22026,3 +22027,8 +22028,8 +22029,2 +22030,0 +22031,2 +22032,4 +22033,7 +22034,2 +22035,4 +22036,2 +22037,7 +22038,8 +22039,3 +22040,7 +22041,2 +22042,8 +22043,0 +22044,5 +22045,8 +22046,7 +22047,9 +22048,7 +22049,0 +22050,9 +22051,4 +22052,2 +22053,0 +22054,7 +22055,6 +22056,3 +22057,5 +22058,1 +22059,3 +22060,7 +22061,8 +22062,2 +22063,4 +22064,6 +22065,2 +22066,8 +22067,4 +22068,3 +22069,2 +22070,9 +22071,1 +22072,5 +22073,9 +22074,8 +22075,5 +22076,9 +22077,7 +22078,6 +22079,1 +22080,7 +22081,6 +22082,3 +22083,0 +22084,4 +22085,3 +22086,8 +22087,4 +22088,7 +22089,3 +22090,6 +22091,1 +22092,3 +22093,0 +22094,5 +22095,1 +22096,6 +22097,3 +22098,9 +22099,0 +22100,1 +22101,2 +22102,0 +22103,6 +22104,7 +22105,2 +22106,0 +22107,1 +22108,4 +22109,2 +22110,2 +22111,7 +22112,6 +22113,4 +22114,0 +22115,3 +22116,7 +22117,4 +22118,2 +22119,1 +22120,1 +22121,2 +22122,9 +22123,0 +22124,0 +22125,7 +22126,3 +22127,3 +22128,2 +22129,1 +22130,7 +22131,9 +22132,0 +22133,5 +22134,1 +22135,2 +22136,6 +22137,7 +22138,4 +22139,2 +22140,2 +22141,6 +22142,1 +22143,1 +22144,4 +22145,4 +22146,1 +22147,4 +22148,3 +22149,4 +22150,8 +22151,1 +22152,7 +22153,5 +22154,7 +22155,0 +22156,8 +22157,6 +22158,1 +22159,3 +22160,0 +22161,7 +22162,3 +22163,7 +22164,1 +22165,1 +22166,7 +22167,6 +22168,4 +22169,4 +22170,3 +22171,6 +22172,0 +22173,6 +22174,2 +22175,9 +22176,2 +22177,6 +22178,1 +22179,9 +22180,1 +22181,7 +22182,0 +22183,7 +22184,3 +22185,5 +22186,3 +22187,0 +22188,7 +22189,9 +22190,8 +22191,2 +22192,6 +22193,3 +22194,9 +22195,1 +22196,4 +22197,1 +22198,2 +22199,6 +22200,6 +22201,4 +22202,1 +22203,7 +22204,1 +22205,4 +22206,8 +22207,0 +22208,9 +22209,8 +22210,9 +22211,7 +22212,4 +22213,1 +22214,5 +22215,0 +22216,2 +22217,1 +22218,8 +22219,7 +22220,3 +22221,2 +22222,6 +22223,4 +22224,8 +22225,3 +22226,1 +22227,6 +22228,9 +22229,8 +22230,2 +22231,7 +22232,0 +22233,1 +22234,9 +22235,3 +22236,7 +22237,7 +22238,7 +22239,9 +22240,9 +22241,5 +22242,2 +22243,3 +22244,5 +22245,6 +22246,0 +22247,2 +22248,9 +22249,3 +22250,7 +22251,2 +22252,1 +22253,3 +22254,8 +22255,6 +22256,7 +22257,2 +22258,0 +22259,1 +22260,8 +22261,2 +22262,9 +22263,1 +22264,9 +22265,3 +22266,6 +22267,8 +22268,8 +22269,1 +22270,1 +22271,3 +22272,1 +22273,7 +22274,9 +22275,4 +22276,1 +22277,8 +22278,1 +22279,6 +22280,6 +22281,4 +22282,1 +22283,2 +22284,6 +22285,9 +22286,3 +22287,3 +22288,1 +22289,0 +22290,5 +22291,2 +22292,8 +22293,3 +22294,5 +22295,2 +22296,4 +22297,8 +22298,6 +22299,1 +22300,1 +22301,5 +22302,5 +22303,8 +22304,7 +22305,4 +22306,7 +22307,2 +22308,0 +22309,9 +22310,7 +22311,8 +22312,1 +22313,7 +22314,9 +22315,2 +22316,1 +22317,2 +22318,1 +22319,6 +22320,4 +22321,3 +22322,1 +22323,6 +22324,9 +22325,2 +22326,2 +22327,0 +22328,1 +22329,1 +22330,0 +22331,4 +22332,6 +22333,4 +22334,8 +22335,0 +22336,9 +22337,1 +22338,4 +22339,0 +22340,2 +22341,8 +22342,6 +22343,7 +22344,2 +22345,7 +22346,3 +22347,1 +22348,8 +22349,5 +22350,2 +22351,4 +22352,8 +22353,0 +22354,4 +22355,1 +22356,6 +22357,4 +22358,8 +22359,2 +22360,6 +22361,2 +22362,4 +22363,7 +22364,9 +22365,4 +22366,7 +22367,6 +22368,8 +22369,0 +22370,2 +22371,4 +22372,8 +22373,3 +22374,1 +22375,0 +22376,8 +22377,9 +22378,5 +22379,4 +22380,0 +22381,3 +22382,8 +22383,3 +22384,4 +22385,4 +22386,6 +22387,8 +22388,6 +22389,4 +22390,0 +22391,2 +22392,6 +22393,9 +22394,8 +22395,0 +22396,3 +22397,4 +22398,3 +22399,0 +22400,8 +22401,9 +22402,1 +22403,7 +22404,1 +22405,3 +22406,0 +22407,8 +22408,4 +22409,7 +22410,0 +22411,2 +22412,6 +22413,1 +22414,3 +22415,6 +22416,0 +22417,4 +22418,6 +22419,6 +22420,7 +22421,6 +22422,5 +22423,0 +22424,9 +22425,9 +22426,0 +22427,2 +22428,8 +22429,9 +22430,3 +22431,6 +22432,1 +22433,6 +22434,2 +22435,3 +22436,7 +22437,6 +22438,8 +22439,8 +22440,3 +22441,3 +22442,0 +22443,9 +22444,6 +22445,2 +22446,7 +22447,0 +22448,9 +22449,9 +22450,1 +22451,8 +22452,6 +22453,6 +22454,1 +22455,4 +22456,8 +22457,8 +22458,9 +22459,8 +22460,9 +22461,7 +22462,1 +22463,6 +22464,2 +22465,7 +22466,9 +22467,8 +22468,8 +22469,0 +22470,1 +22471,0 +22472,0 +22473,2 +22474,4 +22475,4 +22476,9 +22477,1 +22478,0 +22479,1 +22480,6 +22481,2 +22482,5 +22483,6 +22484,3 +22485,7 +22486,6 +22487,8 +22488,0 +22489,4 +22490,7 +22491,6 +22492,0 +22493,1 +22494,5 +22495,4 +22496,7 +22497,2 +22498,7 +22499,7 +22500,4 +22501,2 +22502,3 +22503,4 +22504,8 +22505,8 +22506,0 +22507,6 +22508,6 +22509,9 +22510,4 +22511,6 +22512,2 +22513,4 +22514,6 +22515,8 +22516,1 +22517,6 +22518,9 +22519,6 +22520,5 +22521,6 +22522,2 +22523,7 +22524,6 +22525,9 +22526,6 +22527,7 +22528,1 +22529,6 +22530,8 +22531,3 +22532,7 +22533,7 +22534,6 +22535,4 +22536,4 +22537,6 +22538,1 +22539,6 +22540,0 +22541,1 +22542,8 +22543,3 +22544,1 +22545,1 +22546,7 +22547,9 +22548,3 +22549,6 +22550,8 +22551,5 +22552,2 +22553,9 +22554,1 +22555,4 +22556,6 +22557,4 +22558,5 +22559,9 +22560,6 +22561,6 +22562,5 +22563,1 +22564,3 +22565,3 +22566,1 +22567,4 +22568,2 +22569,1 +22570,5 +22571,5 +22572,0 +22573,7 +22574,3 +22575,9 +22576,2 +22577,8 +22578,8 +22579,9 +22580,8 +22581,6 +22582,7 +22583,4 +22584,0 +22585,0 +22586,7 +22587,2 +22588,8 +22589,4 +22590,3 +22591,8 +22592,1 +22593,3 +22594,9 +22595,1 +22596,0 +22597,9 +22598,5 +22599,8 +22600,0 +22601,7 +22602,1 +22603,4 +22604,7 +22605,8 +22606,7 +22607,8 +22608,3 +22609,5 +22610,0 +22611,4 +22612,4 +22613,5 +22614,3 +22615,4 +22616,9 +22617,7 +22618,1 +22619,3 +22620,5 +22621,2 +22622,5 +22623,7 +22624,0 +22625,1 +22626,2 +22627,7 +22628,9 +22629,5 +22630,8 +22631,1 +22632,1 +22633,7 +22634,0 +22635,1 +22636,6 +22637,5 +22638,1 +22639,7 +22640,5 +22641,1 +22642,5 +22643,7 +22644,5 +22645,0 +22646,9 +22647,5 +22648,7 +22649,4 +22650,2 +22651,7 +22652,3 +22653,1 +22654,9 +22655,6 +22656,3 +22657,6 +22658,3 +22659,1 +22660,6 +22661,9 +22662,7 +22663,6 +22664,2 +22665,3 +22666,1 +22667,7 +22668,9 +22669,9 +22670,5 +22671,2 +22672,2 +22673,4 +22674,0 +22675,7 +22676,6 +22677,6 +22678,1 +22679,1 +22680,1 +22681,8 +22682,7 +22683,1 +22684,7 +22685,2 +22686,7 +22687,9 +22688,2 +22689,2 +22690,4 +22691,0 +22692,0 +22693,1 +22694,2 +22695,4 +22696,9 +22697,2 +22698,7 +22699,4 +22700,2 +22701,9 +22702,8 +22703,2 +22704,4 +22705,3 +22706,4 +22707,8 +22708,8 +22709,3 +22710,4 +22711,3 +22712,3 +22713,7 +22714,6 +22715,8 +22716,5 +22717,2 +22718,9 +22719,9 +22720,1 +22721,1 +22722,9 +22723,3 +22724,0 +22725,6 +22726,4 +22727,3 +22728,8 +22729,5 +22730,0 +22731,3 +22732,9 +22733,1 +22734,1 +22735,6 +22736,4 +22737,2 +22738,9 +22739,2 +22740,3 +22741,6 +22742,4 +22743,1 +22744,9 +22745,0 +22746,3 +22747,8 +22748,5 +22749,1 +22750,5 +22751,4 +22752,3 +22753,8 +22754,1 +22755,5 +22756,0 +22757,8 +22758,3 +22759,8 +22760,9 +22761,0 +22762,9 +22763,0 +22764,9 +22765,0 +22766,0 +22767,5 +22768,4 +22769,3 +22770,1 +22771,7 +22772,7 +22773,4 +22774,0 +22775,2 +22776,6 +22777,2 +22778,4 +22779,0 +22780,1 +22781,3 +22782,0 +22783,7 +22784,8 +22785,9 +22786,9 +22787,7 +22788,1 +22789,5 +22790,2 +22791,4 +22792,8 +22793,7 +22794,1 +22795,1 +22796,6 +22797,2 +22798,3 +22799,2 +22800,8 +22801,8 +22802,9 +22803,5 +22804,9 +22805,4 +22806,4 +22807,6 +22808,2 +22809,9 +22810,7 +22811,9 +22812,5 +22813,0 +22814,6 +22815,3 +22816,0 +22817,1 +22818,5 +22819,4 +22820,8 +22821,9 +22822,9 +22823,9 +22824,4 +22825,5 +22826,3 +22827,7 +22828,3 +22829,9 +22830,7 +22831,5 +22832,0 +22833,9 +22834,4 +22835,2 +22836,9 +22837,0 +22838,8 +22839,4 +22840,3 +22841,2 +22842,2 +22843,1 +22844,7 +22845,6 +22846,3 +22847,6 +22848,9 +22849,7 +22850,2 +22851,3 +22852,4 +22853,6 +22854,6 +22855,4 +22856,5 +22857,8 +22858,1 +22859,4 +22860,4 +22861,1 +22862,3 +22863,0 +22864,6 +22865,7 +22866,6 +22867,1 +22868,1 +22869,2 +22870,6 +22871,9 +22872,8 +22873,4 +22874,9 +22875,1 +22876,0 +22877,7 +22878,5 +22879,1 +22880,9 +22881,3 +22882,1 +22883,3 +22884,3 +22885,0 +22886,8 +22887,7 +22888,2 +22889,6 +22890,2 +22891,7 +22892,8 +22893,0 +22894,1 +22895,2 +22896,4 +22897,8 +22898,2 +22899,7 +22900,0 +22901,0 +22902,3 +22903,4 +22904,7 +22905,2 +22906,9 +22907,3 +22908,8 +22909,3 +22910,3 +22911,7 +22912,9 +22913,3 +22914,3 +22915,2 +22916,5 +22917,0 +22918,1 +22919,3 +22920,5 +22921,2 +22922,8 +22923,9 +22924,4 +22925,9 +22926,2 +22927,4 +22928,1 +22929,4 +22930,1 +22931,4 +22932,6 +22933,0 +22934,8 +22935,4 +22936,9 +22937,1 +22938,6 +22939,4 +22940,9 +22941,0 +22942,1 +22943,4 +22944,7 +22945,9 +22946,3 +22947,9 +22948,9 +22949,4 +22950,4 +22951,5 +22952,6 +22953,0 +22954,0 +22955,7 +22956,7 +22957,0 +22958,6 +22959,8 +22960,1 +22961,8 +22962,8 +22963,1 +22964,4 +22965,7 +22966,4 +22967,2 +22968,4 +22969,1 +22970,5 +22971,4 +22972,7 +22973,6 +22974,4 +22975,4 +22976,2 +22977,3 +22978,9 +22979,7 +22980,1 +22981,0 +22982,5 +22983,5 +22984,1 +22985,3 +22986,7 +22987,4 +22988,1 +22989,5 +22990,8 +22991,5 +22992,6 +22993,5 +22994,0 +22995,0 +22996,3 +22997,2 +22998,9 +22999,0 +23000,5 +23001,4 +23002,6 +23003,7 +23004,4 +23005,6 +23006,9 +23007,5 +23008,4 +23009,7 +23010,8 +23011,8 +23012,0 +23013,3 +23014,2 +23015,4 +23016,6 +23017,0 +23018,0 +23019,6 +23020,5 +23021,0 +23022,5 +23023,1 +23024,5 +23025,7 +23026,7 +23027,2 +23028,7 +23029,0 +23030,3 +23031,0 +23032,3 +23033,5 +23034,3 +23035,8 +23036,7 +23037,6 +23038,0 +23039,9 +23040,3 +23041,5 +23042,0 +23043,2 +23044,7 +23045,6 +23046,6 +23047,4 +23048,7 +23049,8 +23050,7 +23051,1 +23052,1 +23053,2 +23054,9 +23055,6 +23056,1 +23057,0 +23058,2 +23059,2 +23060,8 +23061,1 +23062,3 +23063,5 +23064,2 +23065,5 +23066,9 +23067,8 +23068,8 +23069,6 +23070,6 +23071,1 +23072,0 +23073,1 +23074,6 +23075,9 +23076,5 +23077,3 +23078,7 +23079,2 +23080,3 +23081,4 +23082,1 +23083,0 +23084,9 +23085,4 +23086,0 +23087,7 +23088,2 +23089,1 +23090,0 +23091,1 +23092,5 +23093,6 +23094,8 +23095,0 +23096,3 +23097,5 +23098,7 +23099,5 +23100,5 +23101,8 +23102,7 +23103,2 +23104,3 +23105,6 +23106,1 +23107,1 +23108,9 +23109,5 +23110,3 +23111,1 +23112,3 +23113,3 +23114,6 +23115,8 +23116,3 +23117,5 +23118,0 +23119,7 +23120,1 +23121,5 +23122,8 +23123,5 +23124,6 +23125,6 +23126,1 +23127,3 +23128,2 +23129,9 +23130,1 +23131,1 +23132,9 +23133,8 +23134,5 +23135,9 +23136,5 +23137,5 +23138,1 +23139,7 +23140,1 +23141,1 +23142,6 +23143,5 +23144,7 +23145,2 +23146,3 +23147,3 +23148,5 +23149,7 +23150,3 +23151,9 +23152,2 +23153,3 +23154,5 +23155,1 +23156,6 +23157,8 +23158,7 +23159,7 +23160,0 +23161,3 +23162,6 +23163,7 +23164,1 +23165,9 +23166,6 +23167,3 +23168,7 +23169,0 +23170,6 +23171,9 +23172,1 +23173,2 +23174,1 +23175,1 +23176,2 +23177,9 +23178,8 +23179,3 +23180,2 +23181,0 +23182,2 +23183,3 +23184,7 +23185,6 +23186,9 +23187,6 +23188,6 +23189,6 +23190,4 +23191,6 +23192,1 +23193,0 +23194,2 +23195,3 +23196,0 +23197,4 +23198,7 +23199,6 +23200,8 +23201,8 +23202,7 +23203,2 +23204,6 +23205,3 +23206,1 +23207,2 +23208,4 +23209,7 +23210,0 +23211,0 +23212,1 +23213,0 +23214,0 +23215,0 +23216,3 +23217,8 +23218,1 +23219,8 +23220,0 +23221,1 +23222,9 +23223,3 +23224,0 +23225,9 +23226,5 +23227,5 +23228,5 +23229,5 +23230,1 +23231,3 +23232,8 +23233,7 +23234,3 +23235,2 +23236,0 +23237,6 +23238,6 +23239,6 +23240,7 +23241,4 +23242,1 +23243,7 +23244,3 +23245,2 +23246,1 +23247,4 +23248,7 +23249,2 +23250,4 +23251,0 +23252,5 +23253,4 +23254,4 +23255,5 +23256,1 +23257,8 +23258,8 +23259,8 +23260,7 +23261,7 +23262,9 +23263,1 +23264,5 +23265,4 +23266,6 +23267,7 +23268,2 +23269,7 +23270,1 +23271,5 +23272,9 +23273,9 +23274,7 +23275,8 +23276,2 +23277,1 +23278,8 +23279,6 +23280,6 +23281,1 +23282,4 +23283,1 +23284,0 +23285,0 +23286,8 +23287,1 +23288,2 +23289,8 +23290,9 +23291,7 +23292,2 +23293,9 +23294,9 +23295,7 +23296,0 +23297,8 +23298,0 +23299,0 +23300,0 +23301,7 +23302,3 +23303,5 +23304,4 +23305,1 +23306,4 +23307,0 +23308,2 +23309,0 +23310,0 +23311,2 +23312,2 +23313,8 +23314,3 +23315,5 +23316,6 +23317,8 +23318,7 +23319,2 +23320,4 +23321,3 +23322,9 +23323,6 +23324,4 +23325,9 +23326,5 +23327,6 +23328,1 +23329,2 +23330,3 +23331,1 +23332,1 +23333,2 +23334,2 +23335,9 +23336,2 +23337,7 +23338,0 +23339,6 +23340,9 +23341,0 +23342,1 +23343,0 +23344,8 +23345,8 +23346,6 +23347,4 +23348,2 +23349,0 +23350,9 +23351,9 +23352,6 +23353,1 +23354,6 +23355,7 +23356,9 +23357,0 +23358,1 +23359,3 +23360,1 +23361,2 +23362,7 +23363,8 +23364,9 +23365,1 +23366,9 +23367,1 +23368,0 +23369,7 +23370,6 +23371,5 +23372,0 +23373,5 +23374,3 +23375,5 +23376,5 +23377,8 +23378,7 +23379,3 +23380,3 +23381,2 +23382,3 +23383,3 +23384,6 +23385,6 +23386,3 +23387,1 +23388,1 +23389,4 +23390,2 +23391,8 +23392,5 +23393,3 +23394,9 +23395,5 +23396,4 +23397,1 +23398,6 +23399,7 +23400,0 +23401,2 +23402,0 +23403,8 +23404,1 +23405,7 +23406,5 +23407,2 +23408,8 +23409,3 +23410,3 +23411,1 +23412,8 +23413,2 +23414,2 +23415,0 +23416,8 +23417,1 +23418,6 +23419,8 +23420,3 +23421,0 +23422,3 +23423,0 +23424,4 +23425,2 +23426,4 +23427,8 +23428,1 +23429,8 +23430,2 +23431,3 +23432,6 +23433,5 +23434,8 +23435,9 +23436,8 +23437,0 +23438,1 +23439,9 +23440,8 +23441,0 +23442,8 +23443,0 +23444,5 +23445,6 +23446,1 +23447,4 +23448,8 +23449,7 +23450,1 +23451,3 +23452,4 +23453,0 +23454,2 +23455,6 +23456,3 +23457,0 +23458,3 +23459,8 +23460,4 +23461,5 +23462,8 +23463,1 +23464,2 +23465,0 +23466,4 +23467,9 +23468,3 +23469,3 +23470,3 +23471,7 +23472,5 +23473,5 +23474,3 +23475,1 +23476,6 +23477,0 +23478,5 +23479,9 +23480,5 +23481,1 +23482,5 +23483,5 +23484,6 +23485,9 +23486,7 +23487,0 +23488,1 +23489,1 +23490,6 +23491,8 +23492,5 +23493,9 +23494,0 +23495,6 +23496,5 +23497,0 +23498,8 +23499,2 +23500,1 +23501,3 +23502,0 +23503,5 +23504,6 +23505,5 +23506,6 +23507,1 +23508,8 +23509,0 +23510,0 +23511,5 +23512,9 +23513,7 +23514,9 +23515,5 +23516,2 +23517,2 +23518,9 +23519,4 +23520,8 +23521,8 +23522,3 +23523,4 +23524,7 +23525,4 +23526,8 +23527,5 +23528,3 +23529,7 +23530,7 +23531,1 +23532,6 +23533,7 +23534,2 +23535,0 +23536,1 +23537,2 +23538,2 +23539,3 +23540,5 +23541,6 +23542,1 +23543,2 +23544,7 +23545,9 +23546,3 +23547,4 +23548,2 +23549,8 +23550,0 +23551,6 +23552,8 +23553,9 +23554,8 +23555,7 +23556,8 +23557,7 +23558,8 +23559,7 +23560,1 +23561,0 +23562,9 +23563,6 +23564,3 +23565,7 +23566,5 +23567,7 +23568,2 +23569,5 +23570,5 +23571,6 +23572,6 +23573,4 +23574,8 +23575,5 +23576,7 +23577,6 +23578,6 +23579,2 +23580,6 +23581,4 +23582,1 +23583,4 +23584,6 +23585,6 +23586,2 +23587,1 +23588,6 +23589,6 +23590,1 +23591,5 +23592,8 +23593,0 +23594,7 +23595,4 +23596,6 +23597,4 +23598,6 +23599,3 +23600,1 +23601,1 +23602,6 +23603,6 +23604,9 +23605,3 +23606,9 +23607,2 +23608,6 +23609,5 +23610,1 +23611,5 +23612,7 +23613,5 +23614,3 +23615,9 +23616,6 +23617,6 +23618,8 +23619,6 +23620,5 +23621,8 +23622,6 +23623,0 +23624,6 +23625,2 +23626,4 +23627,6 +23628,2 +23629,2 +23630,3 +23631,4 +23632,6 +23633,0 +23634,7 +23635,5 +23636,3 +23637,0 +23638,5 +23639,1 +23640,3 +23641,1 +23642,8 +23643,8 +23644,9 +23645,8 +23646,6 +23647,1 +23648,4 +23649,2 +23650,3 +23651,8 +23652,8 +23653,7 +23654,1 +23655,4 +23656,1 +23657,0 +23658,0 +23659,5 +23660,0 +23661,7 +23662,9 +23663,9 +23664,2 +23665,1 +23666,6 +23667,4 +23668,4 +23669,9 +23670,1 +23671,3 +23672,2 +23673,4 +23674,0 +23675,4 +23676,5 +23677,0 +23678,4 +23679,1 +23680,6 +23681,8 +23682,4 +23683,1 +23684,5 +23685,9 +23686,1 +23687,7 +23688,5 +23689,8 +23690,2 +23691,3 +23692,5 +23693,9 +23694,8 +23695,9 +23696,2 +23697,4 +23698,6 +23699,1 +23700,9 +23701,9 +23702,0 +23703,1 +23704,4 +23705,1 +23706,7 +23707,1 +23708,5 +23709,1 +23710,1 +23711,4 +23712,5 +23713,0 +23714,7 +23715,3 +23716,5 +23717,2 +23718,0 +23719,1 +23720,7 +23721,1 +23722,6 +23723,8 +23724,6 +23725,7 +23726,7 +23727,3 +23728,8 +23729,8 +23730,7 +23731,7 +23732,1 +23733,3 +23734,2 +23735,0 +23736,5 +23737,0 +23738,4 +23739,7 +23740,8 +23741,6 +23742,4 +23743,7 +23744,8 +23745,4 +23746,4 +23747,1 +23748,7 +23749,1 +23750,4 +23751,0 +23752,5 +23753,3 +23754,6 +23755,6 +23756,0 +23757,6 +23758,8 +23759,5 +23760,1 +23761,9 +23762,8 +23763,2 +23764,0 +23765,5 +23766,7 +23767,0 +23768,7 +23769,6 +23770,1 +23771,6 +23772,6 +23773,1 +23774,2 +23775,1 +23776,0 +23777,1 +23778,3 +23779,0 +23780,5 +23781,8 +23782,2 +23783,7 +23784,6 +23785,2 +23786,1 +23787,4 +23788,0 +23789,1 +23790,1 +23791,3 +23792,1 +23793,6 +23794,1 +23795,9 +23796,6 +23797,2 +23798,8 +23799,0 +23800,2 +23801,0 +23802,0 +23803,6 +23804,3 +23805,4 +23806,8 +23807,4 +23808,0 +23809,0 +23810,1 +23811,4 +23812,0 +23813,2 +23814,8 +23815,4 +23816,0 +23817,5 +23818,6 +23819,6 +23820,8 +23821,1 +23822,2 +23823,4 +23824,4 +23825,7 +23826,2 +23827,1 +23828,5 +23829,2 +23830,6 +23831,6 +23832,3 +23833,8 +23834,8 +23835,1 +23836,3 +23837,1 +23838,5 +23839,5 +23840,0 +23841,1 +23842,9 +23843,9 +23844,9 +23845,5 +23846,3 +23847,7 +23848,9 +23849,9 +23850,8 +23851,2 +23852,3 +23853,4 +23854,8 +23855,5 +23856,4 +23857,0 +23858,7 +23859,2 +23860,1 +23861,4 +23862,4 +23863,7 +23864,2 +23865,9 +23866,7 +23867,4 +23868,5 +23869,5 +23870,4 +23871,0 +23872,2 +23873,2 +23874,5 +23875,4 +23876,5 +23877,3 +23878,7 +23879,6 +23880,1 +23881,2 +23882,8 +23883,2 +23884,0 +23885,8 +23886,9 +23887,9 +23888,6 +23889,5 +23890,4 +23891,9 +23892,6 +23893,5 +23894,1 +23895,6 +23896,2 +23897,7 +23898,9 +23899,7 +23900,6 +23901,4 +23902,1 +23903,6 +23904,3 +23905,9 +23906,2 +23907,6 +23908,1 +23909,8 +23910,8 +23911,4 +23912,0 +23913,6 +23914,9 +23915,5 +23916,9 +23917,5 +23918,6 +23919,3 +23920,3 +23921,2 +23922,0 +23923,4 +23924,2 +23925,9 +23926,4 +23927,1 +23928,3 +23929,4 +23930,7 +23931,4 +23932,5 +23933,9 +23934,4 +23935,7 +23936,7 +23937,8 +23938,6 +23939,4 +23940,9 +23941,0 +23942,0 +23943,0 +23944,7 +23945,7 +23946,0 +23947,7 +23948,0 +23949,6 +23950,0 +23951,0 +23952,0 +23953,1 +23954,5 +23955,4 +23956,6 +23957,8 +23958,6 +23959,5 +23960,6 +23961,9 +23962,1 +23963,3 +23964,1 +23965,0 +23966,2 +23967,6 +23968,5 +23969,4 +23970,2 +23971,1 +23972,9 +23973,6 +23974,7 +23975,7 +23976,8 +23977,3 +23978,8 +23979,4 +23980,4 +23981,9 +23982,3 +23983,0 +23984,7 +23985,1 +23986,1 +23987,0 +23988,5 +23989,6 +23990,8 +23991,1 +23992,0 +23993,3 +23994,3 +23995,1 +23996,2 +23997,9 +23998,9 +23999,5 +24000,1 +24001,7 +24002,5 +24003,7 +24004,7 +24005,2 +24006,7 +24007,6 +24008,6 +24009,5 +24010,3 +24011,8 +24012,1 +24013,1 +24014,1 +24015,3 +24016,4 +24017,6 +24018,6 +24019,1 +24020,5 +24021,7 +24022,4 +24023,6 +24024,8 +24025,1 +24026,7 +24027,1 +24028,5 +24029,9 +24030,0 +24031,6 +24032,3 +24033,1 +24034,2 +24035,8 +24036,3 +24037,9 +24038,8 +24039,3 +24040,9 +24041,7 +24042,2 +24043,8 +24044,4 +24045,3 +24046,9 +24047,1 +24048,1 +24049,3 +24050,1 +24051,7 +24052,5 +24053,0 +24054,2 +24055,4 +24056,5 +24057,8 +24058,4 +24059,2 +24060,8 +24061,2 +24062,5 +24063,3 +24064,3 +24065,5 +24066,7 +24067,6 +24068,8 +24069,8 +24070,5 +24071,8 +24072,1 +24073,9 +24074,9 +24075,8 +24076,7 +24077,1 +24078,9 +24079,7 +24080,4 +24081,6 +24082,6 +24083,2 +24084,1 +24085,7 +24086,3 +24087,1 +24088,5 +24089,1 +24090,6 +24091,2 +24092,0 +24093,2 +24094,0 +24095,0 +24096,2 +24097,3 +24098,4 +24099,9 +24100,0 +24101,8 +24102,6 +24103,5 +24104,8 +24105,5 +24106,0 +24107,2 +24108,7 +24109,4 +24110,4 +24111,2 +24112,1 +24113,3 +24114,4 +24115,4 +24116,5 +24117,3 +24118,8 +24119,0 +24120,1 +24121,2 +24122,0 +24123,1 +24124,8 +24125,7 +24126,0 +24127,4 +24128,3 +24129,2 +24130,3 +24131,2 +24132,3 +24133,0 +24134,3 +24135,9 +24136,3 +24137,0 +24138,3 +24139,4 +24140,9 +24141,8 +24142,7 +24143,8 +24144,4 +24145,7 +24146,9 +24147,7 +24148,6 +24149,9 +24150,6 +24151,4 +24152,7 +24153,6 +24154,1 +24155,1 +24156,6 +24157,2 +24158,7 +24159,9 +24160,5 +24161,3 +24162,1 +24163,9 +24164,0 +24165,2 +24166,9 +24167,9 +24168,7 +24169,6 +24170,7 +24171,3 +24172,7 +24173,1 +24174,4 +24175,7 +24176,7 +24177,6 +24178,1 +24179,0 +24180,5 +24181,8 +24182,7 +24183,5 +24184,4 +24185,0 +24186,8 +24187,9 +24188,2 +24189,0 +24190,0 +24191,9 +24192,0 +24193,8 +24194,2 +24195,6 +24196,2 +24197,4 +24198,7 +24199,5 +24200,3 +24201,8 +24202,0 +24203,1 +24204,4 +24205,7 +24206,4 +24207,4 +24208,5 +24209,6 +24210,9 +24211,4 +24212,9 +24213,6 +24214,3 +24215,4 +24216,9 +24217,1 +24218,1 +24219,9 +24220,1 +24221,5 +24222,4 +24223,1 +24224,8 +24225,5 +24226,2 +24227,6 +24228,3 +24229,4 +24230,6 +24231,0 +24232,6 +24233,4 +24234,4 +24235,3 +24236,3 +24237,4 +24238,4 +24239,2 +24240,8 +24241,4 +24242,0 +24243,6 +24244,8 +24245,2 +24246,7 +24247,9 +24248,6 +24249,5 +24250,4 +24251,4 +24252,3 +24253,2 +24254,5 +24255,1 +24256,3 +24257,0 +24258,9 +24259,3 +24260,0 +24261,6 +24262,2 +24263,1 +24264,6 +24265,6 +24266,2 +24267,6 +24268,5 +24269,8 +24270,7 +24271,2 +24272,4 +24273,1 +24274,9 +24275,9 +24276,7 +24277,0 +24278,6 +24279,8 +24280,3 +24281,9 +24282,0 +24283,4 +24284,4 +24285,9 +24286,8 +24287,0 +24288,0 +24289,6 +24290,7 +24291,1 +24292,1 +24293,4 +24294,9 +24295,9 +24296,8 +24297,4 +24298,8 +24299,1 +24300,0 +24301,2 +24302,5 +24303,7 +24304,4 +24305,7 +24306,6 +24307,2 +24308,7 +24309,8 +24310,2 +24311,1 +24312,3 +24313,6 +24314,8 +24315,9 +24316,6 +24317,4 +24318,5 +24319,1 +24320,2 +24321,3 +24322,1 +24323,7 +24324,6 +24325,7 +24326,9 +24327,5 +24328,1 +24329,2 +24330,9 +24331,4 +24332,3 +24333,8 +24334,8 +24335,8 +24336,0 +24337,2 +24338,7 +24339,4 +24340,6 +24341,3 +24342,3 +24343,2 +24344,3 +24345,3 +24346,0 +24347,9 +24348,4 +24349,8 +24350,6 +24351,6 +24352,6 +24353,3 +24354,8 +24355,7 +24356,1 +24357,4 +24358,0 +24359,8 +24360,5 +24361,1 +24362,0 +24363,7 +24364,1 +24365,4 +24366,2 +24367,5 +24368,4 +24369,3 +24370,6 +24371,2 +24372,2 +24373,6 +24374,5 +24375,3 +24376,2 +24377,1 +24378,3 +24379,1 +24380,9 +24381,9 +24382,4 +24383,6 +24384,9 +24385,8 +24386,0 +24387,9 +24388,2 +24389,0 +24390,3 +24391,5 +24392,9 +24393,5 +24394,9 +24395,0 +24396,2 +24397,9 +24398,4 +24399,9 +24400,3 +24401,4 +24402,8 +24403,9 +24404,3 +24405,4 +24406,0 +24407,5 +24408,1 +24409,9 +24410,1 +24411,5 +24412,2 +24413,1 +24414,2 +24415,3 +24416,9 +24417,6 +24418,8 +24419,4 +24420,6 +24421,6 +24422,0 +24423,9 +24424,1 +24425,3 +24426,7 +24427,7 +24428,4 +24429,6 +24430,8 +24431,2 +24432,8 +24433,8 +24434,3 +24435,1 +24436,2 +24437,6 +24438,2 +24439,1 +24440,0 +24441,0 +24442,6 +24443,2 +24444,5 +24445,4 +24446,6 +24447,2 +24448,8 +24449,9 +24450,8 +24451,8 +24452,7 +24453,0 +24454,2 +24455,2 +24456,9 +24457,1 +24458,1 +24459,1 +24460,6 +24461,4 +24462,2 +24463,7 +24464,8 +24465,0 +24466,5 +24467,2 +24468,0 +24469,6 +24470,2 +24471,3 +24472,8 +24473,4 +24474,0 +24475,7 +24476,1 +24477,4 +24478,6 +24479,4 +24480,0 +24481,7 +24482,3 +24483,8 +24484,7 +24485,8 +24486,6 +24487,7 +24488,1 +24489,0 +24490,3 +24491,0 +24492,9 +24493,2 +24494,0 +24495,2 +24496,8 +24497,0 +24498,5 +24499,0 +24500,3 +24501,6 +24502,1 +24503,4 +24504,9 +24505,1 +24506,5 +24507,2 +24508,3 +24509,0 +24510,7 +24511,2 +24512,9 +24513,2 +24514,6 +24515,7 +24516,9 +24517,4 +24518,3 +24519,7 +24520,3 +24521,0 +24522,4 +24523,9 +24524,6 +24525,9 +24526,9 +24527,4 +24528,5 +24529,3 +24530,3 +24531,4 +24532,1 +24533,8 +24534,8 +24535,1 +24536,4 +24537,8 +24538,7 +24539,4 +24540,3 +24541,5 +24542,4 +24543,8 +24544,6 +24545,4 +24546,3 +24547,4 +24548,8 +24549,5 +24550,6 +24551,8 +24552,1 +24553,5 +24554,8 +24555,8 +24556,7 +24557,9 +24558,3 +24559,0 +24560,0 +24561,5 +24562,3 +24563,9 +24564,8 +24565,4 +24566,3 +24567,2 +24568,7 +24569,1 +24570,0 +24571,7 +24572,1 +24573,1 +24574,7 +24575,7 +24576,0 +24577,0 +24578,5 +24579,1 +24580,8 +24581,7 +24582,7 +24583,4 +24584,2 +24585,4 +24586,7 +24587,5 +24588,0 +24589,8 +24590,9 +24591,7 +24592,9 +24593,5 +24594,0 +24595,7 +24596,0 +24597,7 +24598,7 +24599,8 +24600,3 +24601,3 +24602,4 +24603,5 +24604,1 +24605,6 +24606,9 +24607,7 +24608,1 +24609,2 +24610,2 +24611,9 +24612,6 +24613,6 +24614,1 +24615,4 +24616,2 +24617,0 +24618,5 +24619,8 +24620,1 +24621,6 +24622,5 +24623,6 +24624,3 +24625,7 +24626,7 +24627,2 +24628,7 +24629,6 +24630,9 +24631,5 +24632,3 +24633,1 +24634,1 +24635,6 +24636,4 +24637,3 +24638,6 +24639,1 +24640,4 +24641,8 +24642,4 +24643,1 +24644,6 +24645,1 +24646,9 +24647,7 +24648,7 +24649,7 +24650,1 +24651,3 +24652,9 +24653,3 +24654,7 +24655,4 +24656,6 +24657,7 +24658,7 +24659,3 +24660,7 +24661,6 +24662,2 +24663,8 +24664,8 +24665,9 +24666,3 +24667,3 +24668,4 +24669,3 +24670,6 +24671,1 +24672,9 +24673,0 +24674,7 +24675,3 +24676,5 +24677,1 +24678,5 +24679,9 +24680,0 +24681,4 +24682,2 +24683,1 +24684,6 +24685,6 +24686,3 +24687,9 +24688,0 +24689,8 +24690,4 +24691,9 +24692,9 +24693,7 +24694,8 +24695,1 +24696,8 +24697,0 +24698,9 +24699,7 +24700,1 +24701,9 +24702,2 +24703,5 +24704,1 +24705,3 +24706,0 +24707,2 +24708,7 +24709,6 +24710,2 +24711,3 +24712,9 +24713,7 +24714,2 +24715,7 +24716,0 +24717,7 +24718,7 +24719,6 +24720,0 +24721,6 +24722,8 +24723,4 +24724,7 +24725,5 +24726,3 +24727,2 +24728,3 +24729,2 +24730,2 +24731,3 +24732,4 +24733,4 +24734,4 +24735,7 +24736,4 +24737,0 +24738,7 +24739,9 +24740,6 +24741,2 +24742,3 +24743,2 +24744,5 +24745,3 +24746,9 +24747,8 +24748,6 +24749,7 +24750,5 +24751,0 +24752,6 +24753,7 +24754,4 +24755,0 +24756,2 +24757,7 +24758,9 +24759,2 +24760,5 +24761,5 +24762,3 +24763,4 +24764,5 +24765,7 +24766,1 +24767,2 +24768,5 +24769,3 +24770,8 +24771,0 +24772,0 +24773,2 +24774,4 +24775,1 +24776,7 +24777,8 +24778,8 +24779,3 +24780,1 +24781,5 +24782,2 +24783,6 +24784,0 +24785,3 +24786,5 +24787,8 +24788,0 +24789,5 +24790,8 +24791,1 +24792,5 +24793,4 +24794,3 +24795,6 +24796,4 +24797,8 +24798,0 +24799,5 +24800,4 +24801,0 +24802,6 +24803,0 +24804,5 +24805,9 +24806,3 +24807,3 +24808,0 +24809,1 +24810,7 +24811,2 +24812,2 +24813,2 +24814,8 +24815,9 +24816,0 +24817,8 +24818,0 +24819,9 +24820,8 +24821,2 +24822,9 +24823,4 +24824,5 +24825,2 +24826,9 +24827,2 +24828,9 +24829,4 +24830,1 +24831,7 +24832,2 +24833,1 +24834,3 +24835,3 +24836,7 +24837,1 +24838,1 +24839,7 +24840,7 +24841,3 +24842,9 +24843,3 +24844,3 +24845,8 +24846,3 +24847,5 +24848,1 +24849,4 +24850,6 +24851,9 +24852,4 +24853,0 +24854,3 +24855,6 +24856,3 +24857,6 +24858,6 +24859,2 +24860,9 +24861,9 +24862,9 +24863,7 +24864,8 +24865,6 +24866,6 +24867,0 +24868,5 +24869,1 +24870,3 +24871,1 +24872,4 +24873,6 +24874,2 +24875,0 +24876,2 +24877,2 +24878,2 +24879,8 +24880,3 +24881,8 +24882,0 +24883,1 +24884,0 +24885,1 +24886,7 +24887,6 +24888,9 +24889,4 +24890,9 +24891,9 +24892,4 +24893,7 +24894,8 +24895,9 +24896,7 +24897,9 +24898,6 +24899,3 +24900,9 +24901,5 +24902,0 +24903,8 +24904,7 +24905,0 +24906,6 +24907,8 +24908,1 +24909,5 +24910,7 +24911,5 +24912,4 +24913,7 +24914,8 +24915,8 +24916,3 +24917,3 +24918,2 +24919,3 +24920,6 +24921,3 +24922,8 +24923,5 +24924,5 +24925,2 +24926,5 +24927,2 +24928,4 +24929,2 +24930,9 +24931,7 +24932,9 +24933,9 +24934,2 +24935,6 +24936,9 +24937,6 +24938,0 +24939,0 +24940,9 +24941,0 +24942,8 +24943,2 +24944,1 +24945,7 +24946,6 +24947,2 +24948,0 +24949,1 +24950,6 +24951,2 +24952,3 +24953,8 +24954,9 +24955,1 +24956,2 +24957,5 +24958,8 +24959,2 +24960,0 +24961,7 +24962,7 +24963,1 +24964,1 +24965,0 +24966,8 +24967,6 +24968,7 +24969,4 +24970,4 +24971,7 +24972,1 +24973,2 +24974,0 +24975,3 +24976,4 +24977,2 +24978,7 +24979,7 +24980,1 +24981,3 +24982,4 +24983,1 +24984,3 +24985,1 +24986,3 +24987,6 +24988,6 +24989,9 +24990,5 +24991,2 +24992,4 +24993,5 +24994,1 +24995,3 +24996,6 +24997,4 +24998,6 +24999,2 +25000,0 +25001,2 +25002,7 +25003,1 +25004,9 +25005,8 +25006,2 +25007,4 +25008,6 +25009,6 +25010,3 +25011,6 +25012,8 +25013,2 +25014,9 +25015,6 +25016,1 +25017,8 +25018,7 +25019,3 +25020,6 +25021,6 +25022,3 +25023,7 +25024,0 +25025,2 +25026,1 +25027,3 +25028,9 +25029,9 +25030,8 +25031,3 +25032,9 +25033,2 +25034,7 +25035,3 +25036,3 +25037,2 +25038,0 +25039,3 +25040,3 +25041,9 +25042,0 +25043,4 +25044,0 +25045,6 +25046,9 +25047,5 +25048,3 +25049,4 +25050,4 +25051,5 +25052,0 +25053,1 +25054,5 +25055,0 +25056,4 +25057,2 +25058,3 +25059,4 +25060,0 +25061,1 +25062,0 +25063,5 +25064,8 +25065,4 +25066,0 +25067,3 +25068,5 +25069,8 +25070,6 +25071,9 +25072,4 +25073,4 +25074,7 +25075,4 +25076,3 +25077,5 +25078,0 +25079,9 +25080,2 +25081,3 +25082,6 +25083,9 +25084,8 +25085,2 +25086,5 +25087,8 +25088,7 +25089,0 +25090,2 +25091,2 +25092,5 +25093,6 +25094,7 +25095,2 +25096,2 +25097,5 +25098,1 +25099,8 +25100,5 +25101,7 +25102,2 +25103,2 +25104,7 +25105,3 +25106,7 +25107,9 +25108,6 +25109,6 +25110,4 +25111,4 +25112,1 +25113,5 +25114,8 +25115,9 +25116,0 +25117,8 +25118,8 +25119,2 +25120,3 +25121,6 +25122,2 +25123,9 +25124,8 +25125,0 +25126,1 +25127,0 +25128,5 +25129,4 +25130,8 +25131,7 +25132,4 +25133,6 +25134,6 +25135,2 +25136,9 +25137,2 +25138,2 +25139,6 +25140,2 +25141,4 +25142,0 +25143,7 +25144,6 +25145,2 +25146,1 +25147,2 +25148,6 +25149,4 +25150,4 +25151,5 +25152,2 +25153,6 +25154,9 +25155,9 +25156,6 +25157,2 +25158,4 +25159,9 +25160,8 +25161,2 +25162,4 +25163,9 +25164,6 +25165,0 +25166,5 +25167,1 +25168,0 +25169,9 +25170,8 +25171,6 +25172,4 +25173,3 +25174,8 +25175,8 +25176,7 +25177,6 +25178,1 +25179,9 +25180,1 +25181,4 +25182,3 +25183,0 +25184,4 +25185,8 +25186,0 +25187,9 +25188,0 +25189,0 +25190,3 +25191,2 +25192,7 +25193,1 +25194,4 +25195,2 +25196,8 +25197,4 +25198,7 +25199,8 +25200,4 +25201,3 +25202,1 +25203,0 +25204,3 +25205,2 +25206,4 +25207,4 +25208,2 +25209,7 +25210,9 +25211,4 +25212,1 +25213,4 +25214,2 +25215,3 +25216,9 +25217,8 +25218,2 +25219,9 +25220,1 +25221,6 +25222,6 +25223,9 +25224,6 +25225,1 +25226,4 +25227,0 +25228,9 +25229,9 +25230,3 +25231,9 +25232,6 +25233,8 +25234,9 +25235,0 +25236,7 +25237,0 +25238,0 +25239,2 +25240,8 +25241,9 +25242,1 +25243,1 +25244,3 +25245,7 +25246,0 +25247,6 +25248,7 +25249,7 +25250,0 +25251,0 +25252,6 +25253,0 +25254,3 +25255,9 +25256,5 +25257,6 +25258,6 +25259,1 +25260,7 +25261,6 +25262,3 +25263,9 +25264,1 +25265,7 +25266,8 +25267,0 +25268,4 +25269,3 +25270,8 +25271,0 +25272,1 +25273,0 +25274,7 +25275,3 +25276,0 +25277,6 +25278,2 +25279,8 +25280,2 +25281,8 +25282,4 +25283,9 +25284,6 +25285,3 +25286,9 +25287,3 +25288,9 +25289,7 +25290,1 +25291,3 +25292,2 +25293,6 +25294,2 +25295,5 +25296,5 +25297,2 +25298,9 +25299,6 +25300,8 +25301,5 +25302,7 +25303,0 +25304,8 +25305,9 +25306,4 +25307,0 +25308,2 +25309,1 +25310,5 +25311,1 +25312,6 +25313,8 +25314,1 +25315,0 +25316,2 +25317,5 +25318,2 +25319,9 +25320,8 +25321,5 +25322,3 +25323,6 +25324,4 +25325,7 +25326,2 +25327,1 +25328,8 +25329,3 +25330,8 +25331,0 +25332,4 +25333,8 +25334,0 +25335,9 +25336,5 +25337,0 +25338,2 +25339,6 +25340,0 +25341,2 +25342,6 +25343,3 +25344,3 +25345,6 +25346,2 +25347,8 +25348,1 +25349,7 +25350,6 +25351,8 +25352,1 +25353,2 +25354,3 +25355,5 +25356,4 +25357,0 +25358,0 +25359,1 +25360,8 +25361,2 +25362,0 +25363,7 +25364,9 +25365,9 +25366,2 +25367,0 +25368,4 +25369,9 +25370,0 +25371,6 +25372,0 +25373,3 +25374,1 +25375,8 +25376,2 +25377,2 +25378,6 +25379,2 +25380,7 +25381,6 +25382,0 +25383,0 +25384,5 +25385,1 +25386,6 +25387,3 +25388,7 +25389,8 +25390,1 +25391,5 +25392,5 +25393,2 +25394,0 +25395,6 +25396,4 +25397,5 +25398,4 +25399,3 +25400,7 +25401,7 +25402,1 +25403,5 +25404,8 +25405,1 +25406,8 +25407,3 +25408,3 +25409,6 +25410,8 +25411,5 +25412,0 +25413,9 +25414,8 +25415,6 +25416,2 +25417,5 +25418,1 +25419,5 +25420,0 +25421,9 +25422,8 +25423,0 +25424,7 +25425,5 +25426,8 +25427,2 +25428,0 +25429,0 +25430,4 +25431,2 +25432,2 +25433,8 +25434,3 +25435,1 +25436,3 +25437,5 +25438,8 +25439,1 +25440,0 +25441,6 +25442,8 +25443,3 +25444,1 +25445,6 +25446,0 +25447,0 +25448,2 +25449,1 +25450,8 +25451,2 +25452,6 +25453,9 +25454,6 +25455,5 +25456,7 +25457,5 +25458,3 +25459,7 +25460,2 +25461,1 +25462,9 +25463,9 +25464,0 +25465,0 +25466,3 +25467,6 +25468,2 +25469,6 +25470,9 +25471,2 +25472,1 +25473,4 +25474,3 +25475,0 +25476,3 +25477,1 +25478,8 +25479,7 +25480,8 +25481,7 +25482,1 +25483,3 +25484,5 +25485,1 +25486,1 +25487,4 +25488,2 +25489,3 +25490,4 +25491,9 +25492,2 +25493,0 +25494,1 +25495,5 +25496,3 +25497,1 +25498,4 +25499,0 +25500,6 +25501,0 +25502,7 +25503,1 +25504,7 +25505,1 +25506,2 +25507,7 +25508,4 +25509,0 +25510,9 +25511,6 +25512,2 +25513,6 +25514,3 +25515,2 +25516,4 +25517,7 +25518,3 +25519,1 +25520,0 +25521,4 +25522,3 +25523,5 +25524,0 +25525,1 +25526,4 +25527,3 +25528,1 +25529,3 +25530,5 +25531,5 +25532,7 +25533,6 +25534,9 +25535,6 +25536,7 +25537,5 +25538,6 +25539,9 +25540,8 +25541,5 +25542,1 +25543,3 +25544,0 +25545,6 +25546,7 +25547,8 +25548,7 +25549,6 +25550,7 +25551,4 +25552,7 +25553,6 +25554,3 +25555,7 +25556,3 +25557,6 +25558,1 +25559,8 +25560,2 +25561,7 +25562,8 +25563,7 +25564,9 +25565,4 +25566,1 +25567,8 +25568,8 +25569,7 +25570,3 +25571,8 +25572,8 +25573,5 +25574,0 +25575,2 +25576,7 +25577,8 +25578,9 +25579,9 +25580,7 +25581,7 +25582,2 +25583,3 +25584,1 +25585,4 +25586,8 +25587,5 +25588,9 +25589,0 +25590,4 +25591,6 +25592,1 +25593,5 +25594,3 +25595,8 +25596,3 +25597,0 +25598,1 +25599,8 +25600,1 +25601,4 +25602,6 +25603,8 +25604,7 +25605,6 +25606,8 +25607,0 +25608,5 +25609,3 +25610,4 +25611,6 +25612,3 +25613,0 +25614,2 +25615,4 +25616,4 +25617,9 +25618,1 +25619,5 +25620,1 +25621,0 +25622,7 +25623,4 +25624,4 +25625,1 +25626,2 +25627,4 +25628,5 +25629,5 +25630,9 +25631,9 +25632,2 +25633,2 +25634,2 +25635,4 +25636,4 +25637,9 +25638,6 +25639,2 +25640,5 +25641,2 +25642,2 +25643,0 +25644,2 +25645,7 +25646,9 +25647,5 +25648,0 +25649,7 +25650,0 +25651,8 +25652,0 +25653,1 +25654,7 +25655,8 +25656,2 +25657,9 +25658,4 +25659,0 +25660,8 +25661,9 +25662,4 +25663,9 +25664,3 +25665,5 +25666,0 +25667,3 +25668,3 +25669,8 +25670,0 +25671,7 +25672,0 +25673,6 +25674,7 +25675,2 +25676,0 +25677,3 +25678,6 +25679,2 +25680,1 +25681,8 +25682,6 +25683,0 +25684,1 +25685,3 +25686,8 +25687,0 +25688,3 +25689,6 +25690,3 +25691,8 +25692,1 +25693,1 +25694,2 +25695,6 +25696,8 +25697,8 +25698,9 +25699,4 +25700,9 +25701,5 +25702,7 +25703,9 +25704,6 +25705,6 +25706,4 +25707,9 +25708,0 +25709,4 +25710,0 +25711,1 +25712,3 +25713,0 +25714,0 +25715,5 +25716,4 +25717,7 +25718,2 +25719,1 +25720,6 +25721,7 +25722,2 +25723,2 +25724,1 +25725,8 +25726,1 +25727,8 +25728,9 +25729,6 +25730,2 +25731,9 +25732,9 +25733,7 +25734,4 +25735,0 +25736,9 +25737,6 +25738,8 +25739,7 +25740,4 +25741,9 +25742,7 +25743,9 +25744,5 +25745,4 +25746,7 +25747,0 +25748,4 +25749,6 +25750,4 +25751,4 +25752,4 +25753,9 +25754,7 +25755,7 +25756,8 +25757,0 +25758,0 +25759,5 +25760,6 +25761,7 +25762,2 +25763,1 +25764,3 +25765,9 +25766,8 +25767,0 +25768,1 +25769,3 +25770,8 +25771,4 +25772,3 +25773,1 +25774,2 +25775,8 +25776,4 +25777,4 +25778,5 +25779,1 +25780,4 +25781,0 +25782,3 +25783,8 +25784,8 +25785,7 +25786,1 +25787,1 +25788,6 +25789,8 +25790,2 +25791,8 +25792,6 +25793,3 +25794,9 +25795,5 +25796,9 +25797,9 +25798,2 +25799,3 +25800,1 +25801,2 +25802,0 +25803,8 +25804,3 +25805,5 +25806,8 +25807,5 +25808,2 +25809,2 +25810,3 +25811,0 +25812,1 +25813,1 +25814,4 +25815,8 +25816,2 +25817,2 +25818,6 +25819,0 +25820,6 +25821,5 +25822,8 +25823,4 +25824,3 +25825,3 +25826,3 +25827,2 +25828,9 +25829,5 +25830,7 +25831,4 +25832,7 +25833,2 +25834,5 +25835,9 +25836,5 +25837,4 +25838,7 +25839,8 +25840,4 +25841,3 +25842,2 +25843,3 +25844,6 +25845,9 +25846,2 +25847,6 +25848,3 +25849,4 +25850,4 +25851,6 +25852,1 +25853,9 +25854,5 +25855,3 +25856,6 +25857,2 +25858,9 +25859,0 +25860,8 +25861,7 +25862,8 +25863,0 +25864,8 +25865,6 +25866,2 +25867,3 +25868,5 +25869,8 +25870,5 +25871,4 +25872,2 +25873,6 +25874,0 +25875,9 +25876,8 +25877,5 +25878,9 +25879,6 +25880,1 +25881,9 +25882,3 +25883,7 +25884,1 +25885,3 +25886,7 +25887,4 +25888,1 +25889,1 +25890,9 +25891,6 +25892,9 +25893,5 +25894,8 +25895,0 +25896,8 +25897,5 +25898,3 +25899,8 +25900,0 +25901,1 +25902,4 +25903,8 +25904,6 +25905,6 +25906,9 +25907,5 +25908,8 +25909,0 +25910,7 +25911,3 +25912,4 +25913,4 +25914,2 +25915,9 +25916,9 +25917,3 +25918,1 +25919,0 +25920,8 +25921,5 +25922,3 +25923,2 +25924,4 +25925,5 +25926,2 +25927,1 +25928,3 +25929,8 +25930,8 +25931,4 +25932,3 +25933,7 +25934,9 +25935,5 +25936,7 +25937,0 +25938,7 +25939,7 +25940,0 +25941,9 +25942,8 +25943,7 +25944,1 +25945,2 +25946,0 +25947,0 +25948,0 +25949,7 +25950,6 +25951,6 +25952,8 +25953,6 +25954,1 +25955,3 +25956,0 +25957,2 +25958,6 +25959,3 +25960,6 +25961,8 +25962,0 +25963,5 +25964,6 +25965,3 +25966,0 +25967,2 +25968,7 +25969,7 +25970,0 +25971,2 +25972,4 +25973,3 +25974,5 +25975,5 +25976,1 +25977,9 +25978,5 +25979,4 +25980,4 +25981,2 +25982,0 +25983,1 +25984,7 +25985,6 +25986,6 +25987,7 +25988,0 +25989,6 +25990,4 +25991,9 +25992,8 +25993,8 +25994,9 +25995,3 +25996,3 +25997,1 +25998,0 +25999,4 +26000,4 +26001,7 +26002,0 +26003,5 +26004,7 +26005,6 +26006,7 +26007,8 +26008,1 +26009,3 +26010,4 +26011,6 +26012,7 +26013,0 +26014,4 +26015,3 +26016,2 +26017,5 +26018,3 +26019,7 +26020,3 +26021,7 +26022,1 +26023,9 +26024,1 +26025,3 +26026,4 +26027,0 +26028,1 +26029,7 +26030,4 +26031,2 +26032,4 +26033,3 +26034,5 +26035,4 +26036,0 +26037,6 +26038,2 +26039,2 +26040,6 +26041,9 +26042,3 +26043,3 +26044,9 +26045,9 +26046,8 +26047,1 +26048,6 +26049,1 +26050,7 +26051,8 +26052,3 +26053,1 +26054,9 +26055,2 +26056,6 +26057,4 +26058,8 +26059,6 +26060,1 +26061,7 +26062,0 +26063,0 +26064,1 +26065,8 +26066,7 +26067,4 +26068,9 +26069,9 +26070,7 +26071,0 +26072,5 +26073,1 +26074,5 +26075,8 +26076,6 +26077,8 +26078,5 +26079,6 +26080,5 +26081,6 +26082,1 +26083,1 +26084,9 +26085,6 +26086,4 +26087,3 +26088,6 +26089,8 +26090,8 +26091,5 +26092,3 +26093,9 +26094,7 +26095,2 +26096,7 +26097,1 +26098,5 +26099,9 +26100,1 +26101,3 +26102,9 +26103,5 +26104,0 +26105,4 +26106,6 +26107,3 +26108,5 +26109,3 +26110,3 +26111,6 +26112,1 +26113,3 +26114,2 +26115,3 +26116,2 +26117,2 +26118,6 +26119,2 +26120,0 +26121,1 +26122,2 +26123,7 +26124,8 +26125,5 +26126,6 +26127,2 +26128,8 +26129,4 +26130,6 +26131,8 +26132,8 +26133,8 +26134,2 +26135,9 +26136,8 +26137,7 +26138,1 +26139,6 +26140,7 +26141,3 +26142,7 +26143,7 +26144,4 +26145,0 +26146,1 +26147,3 +26148,9 +26149,2 +26150,0 +26151,0 +26152,5 +26153,4 +26154,7 +26155,8 +26156,6 +26157,8 +26158,7 +26159,8 +26160,4 +26161,3 +26162,3 +26163,1 +26164,3 +26165,1 +26166,5 +26167,6 +26168,0 +26169,3 +26170,5 +26171,3 +26172,8 +26173,7 +26174,7 +26175,8 +26176,6 +26177,3 +26178,6 +26179,4 +26180,5 +26181,9 +26182,2 +26183,1 +26184,2 +26185,3 +26186,5 +26187,2 +26188,2 +26189,2 +26190,1 +26191,3 +26192,3 +26193,5 +26194,8 +26195,7 +26196,9 +26197,3 +26198,4 +26199,2 +26200,7 +26201,1 +26202,7 +26203,8 +26204,2 +26205,2 +26206,3 +26207,9 +26208,5 +26209,5 +26210,7 +26211,7 +26212,3 +26213,9 +26214,0 +26215,5 +26216,5 +26217,6 +26218,6 +26219,9 +26220,8 +26221,6 +26222,5 +26223,9 +26224,2 +26225,0 +26226,7 +26227,9 +26228,7 +26229,7 +26230,1 +26231,2 +26232,0 +26233,3 +26234,2 +26235,0 +26236,0 +26237,3 +26238,3 +26239,6 +26240,3 +26241,0 +26242,5 +26243,2 +26244,6 +26245,6 +26246,7 +26247,8 +26248,0 +26249,1 +26250,8 +26251,7 +26252,1 +26253,2 +26254,9 +26255,2 +26256,5 +26257,7 +26258,6 +26259,3 +26260,6 +26261,7 +26262,0 +26263,4 +26264,5 +26265,1 +26266,9 +26267,4 +26268,6 +26269,0 +26270,5 +26271,8 +26272,4 +26273,0 +26274,4 +26275,3 +26276,3 +26277,1 +26278,5 +26279,1 +26280,5 +26281,1 +26282,2 +26283,1 +26284,0 +26285,9 +26286,6 +26287,7 +26288,5 +26289,9 +26290,9 +26291,8 +26292,4 +26293,4 +26294,7 +26295,5 +26296,6 +26297,3 +26298,2 +26299,0 +26300,4 +26301,4 +26302,0 +26303,8 +26304,5 +26305,8 +26306,1 +26307,5 +26308,5 +26309,5 +26310,7 +26311,8 +26312,5 +26313,0 +26314,7 +26315,0 +26316,4 +26317,4 +26318,8 +26319,5 +26320,6 +26321,4 +26322,2 +26323,8 +26324,2 +26325,6 +26326,8 +26327,1 +26328,2 +26329,3 +26330,8 +26331,9 +26332,8 +26333,3 +26334,9 +26335,9 +26336,6 +26337,7 +26338,1 +26339,2 +26340,7 +26341,7 +26342,3 +26343,3 +26344,1 +26345,1 +26346,9 +26347,7 +26348,2 +26349,1 +26350,8 +26351,1 +26352,2 +26353,7 +26354,8 +26355,4 +26356,0 +26357,4 +26358,3 +26359,1 +26360,8 +26361,4 +26362,3 +26363,3 +26364,2 +26365,9 +26366,0 +26367,7 +26368,7 +26369,1 +26370,9 +26371,0 +26372,4 +26373,2 +26374,2 +26375,8 +26376,9 +26377,4 +26378,3 +26379,9 +26380,4 +26381,2 +26382,3 +26383,6 +26384,0 +26385,5 +26386,3 +26387,3 +26388,0 +26389,1 +26390,2 +26391,5 +26392,0 +26393,7 +26394,5 +26395,7 +26396,2 +26397,7 +26398,8 +26399,7 +26400,4 +26401,9 +26402,1 +26403,5 +26404,0 +26405,8 +26406,2 +26407,9 +26408,2 +26409,1 +26410,0 +26411,1 +26412,2 +26413,6 +26414,9 +26415,2 +26416,8 +26417,3 +26418,5 +26419,3 +26420,5 +26421,9 +26422,1 +26423,4 +26424,7 +26425,1 +26426,8 +26427,1 +26428,8 +26429,8 +26430,9 +26431,4 +26432,6 +26433,1 +26434,9 +26435,9 +26436,3 +26437,4 +26438,1 +26439,2 +26440,4 +26441,3 +26442,5 +26443,9 +26444,0 +26445,7 +26446,2 +26447,8 +26448,2 +26449,9 +26450,9 +26451,9 +26452,9 +26453,0 +26454,7 +26455,8 +26456,2 +26457,3 +26458,3 +26459,1 +26460,9 +26461,9 +26462,8 +26463,8 +26464,3 +26465,5 +26466,1 +26467,2 +26468,1 +26469,7 +26470,2 +26471,0 +26472,7 +26473,3 +26474,8 +26475,1 +26476,7 +26477,0 +26478,6 +26479,4 +26480,0 +26481,8 +26482,1 +26483,8 +26484,7 +26485,4 +26486,4 +26487,7 +26488,3 +26489,5 +26490,9 +26491,6 +26492,7 +26493,5 +26494,9 +26495,7 +26496,4 +26497,8 +26498,2 +26499,9 +26500,6 +26501,7 +26502,1 +26503,3 +26504,7 +26505,0 +26506,3 +26507,1 +26508,4 +26509,7 +26510,5 +26511,2 +26512,0 +26513,4 +26514,4 +26515,9 +26516,7 +26517,4 +26518,9 +26519,0 +26520,9 +26521,0 +26522,2 +26523,1 +26524,6 +26525,6 +26526,3 +26527,6 +26528,4 +26529,9 +26530,2 +26531,2 +26532,3 +26533,1 +26534,1 +26535,0 +26536,7 +26537,1 +26538,2 +26539,7 +26540,9 +26541,0 +26542,4 +26543,0 +26544,6 +26545,7 +26546,1 +26547,0 +26548,9 +26549,7 +26550,5 +26551,0 +26552,8 +26553,4 +26554,8 +26555,9 +26556,0 +26557,5 +26558,0 +26559,3 +26560,6 +26561,0 +26562,0 +26563,8 +26564,2 +26565,7 +26566,6 +26567,0 +26568,8 +26569,5 +26570,5 +26571,2 +26572,6 +26573,9 +26574,4 +26575,2 +26576,0 +26577,9 +26578,3 +26579,8 +26580,1 +26581,0 +26582,6 +26583,7 +26584,4 +26585,7 +26586,0 +26587,3 +26588,1 +26589,9 +26590,2 +26591,1 +26592,9 +26593,7 +26594,3 +26595,0 +26596,6 +26597,4 +26598,2 +26599,2 +26600,5 +26601,3 +26602,7 +26603,8 +26604,8 +26605,5 +26606,7 +26607,4 +26608,2 +26609,7 +26610,4 +26611,4 +26612,0 +26613,3 +26614,8 +26615,9 +26616,9 +26617,2 +26618,8 +26619,8 +26620,8 +26621,0 +26622,3 +26623,1 +26624,1 +26625,1 +26626,0 +26627,9 +26628,0 +26629,4 +26630,1 +26631,7 +26632,4 +26633,7 +26634,6 +26635,1 +26636,1 +26637,4 +26638,3 +26639,7 +26640,1 +26641,5 +26642,6 +26643,9 +26644,5 +26645,8 +26646,9 +26647,3 +26648,2 +26649,9 +26650,1 +26651,3 +26652,3 +26653,9 +26654,6 +26655,3 +26656,6 +26657,7 +26658,9 +26659,1 +26660,7 +26661,3 +26662,2 +26663,5 +26664,4 +26665,9 +26666,7 +26667,2 +26668,6 +26669,2 +26670,8 +26671,6 +26672,5 +26673,7 +26674,7 +26675,3 +26676,5 +26677,8 +26678,0 +26679,0 +26680,4 +26681,2 +26682,2 +26683,5 +26684,1 +26685,9 +26686,5 +26687,9 +26688,6 +26689,0 +26690,0 +26691,8 +26692,5 +26693,3 +26694,7 +26695,6 +26696,1 +26697,8 +26698,3 +26699,8 +26700,8 +26701,0 +26702,8 +26703,4 +26704,0 +26705,7 +26706,8 +26707,6 +26708,1 +26709,4 +26710,6 +26711,5 +26712,0 +26713,4 +26714,9 +26715,7 +26716,1 +26717,9 +26718,6 +26719,6 +26720,6 +26721,5 +26722,4 +26723,8 +26724,8 +26725,7 +26726,2 +26727,4 +26728,5 +26729,7 +26730,5 +26731,0 +26732,0 +26733,0 +26734,8 +26735,0 +26736,7 +26737,7 +26738,0 +26739,2 +26740,6 +26741,9 +26742,3 +26743,9 +26744,8 +26745,7 +26746,2 +26747,9 +26748,7 +26749,3 +26750,9 +26751,5 +26752,9 +26753,9 +26754,0 +26755,7 +26756,5 +26757,8 +26758,4 +26759,5 +26760,8 +26761,7 +26762,8 +26763,9 +26764,1 +26765,2 +26766,2 +26767,7 +26768,7 +26769,4 +26770,7 +26771,0 +26772,6 +26773,3 +26774,9 +26775,2 +26776,2 +26777,5 +26778,0 +26779,1 +26780,2 +26781,9 +26782,1 +26783,3 +26784,4 +26785,0 +26786,6 +26787,4 +26788,9 +26789,5 +26790,3 +26791,0 +26792,2 +26793,0 +26794,1 +26795,4 +26796,9 +26797,8 +26798,0 +26799,5 +26800,7 +26801,5 +26802,4 +26803,9 +26804,0 +26805,2 +26806,4 +26807,2 +26808,1 +26809,8 +26810,3 +26811,3 +26812,0 +26813,1 +26814,0 +26815,4 +26816,7 +26817,6 +26818,5 +26819,0 +26820,5 +26821,6 +26822,1 +26823,0 +26824,0 +26825,0 +26826,7 +26827,0 +26828,3 +26829,1 +26830,7 +26831,3 +26832,7 +26833,7 +26834,8 +26835,4 +26836,4 +26837,8 +26838,3 +26839,3 +26840,0 +26841,6 +26842,4 +26843,1 +26844,0 +26845,0 +26846,2 +26847,2 +26848,2 +26849,1 +26850,1 +26851,7 +26852,3 +26853,7 +26854,6 +26855,8 +26856,6 +26857,3 +26858,4 +26859,6 +26860,4 +26861,4 +26862,3 +26863,3 +26864,4 +26865,2 +26866,3 +26867,1 +26868,3 +26869,6 +26870,5 +26871,1 +26872,2 +26873,4 +26874,0 +26875,3 +26876,6 +26877,2 +26878,8 +26879,1 +26880,2 +26881,9 +26882,0 +26883,6 +26884,8 +26885,2 +26886,4 +26887,1 +26888,3 +26889,9 +26890,7 +26891,6 +26892,0 +26893,4 +26894,5 +26895,8 +26896,3 +26897,7 +26898,2 +26899,3 +26900,4 +26901,4 +26902,8 +26903,4 +26904,6 +26905,2 +26906,1 +26907,7 +26908,0 +26909,9 +26910,8 +26911,1 +26912,2 +26913,8 +26914,3 +26915,5 +26916,1 +26917,6 +26918,9 +26919,0 +26920,9 +26921,4 +26922,3 +26923,1 +26924,0 +26925,7 +26926,0 +26927,9 +26928,3 +26929,7 +26930,5 +26931,6 +26932,9 +26933,9 +26934,4 +26935,6 +26936,5 +26937,8 +26938,9 +26939,7 +26940,9 +26941,7 +26942,5 +26943,7 +26944,1 +26945,2 +26946,6 +26947,7 +26948,8 +26949,0 +26950,9 +26951,7 +26952,5 +26953,9 +26954,7 +26955,1 +26956,2 +26957,6 +26958,0 +26959,2 +26960,6 +26961,6 +26962,1 +26963,0 +26964,0 +26965,2 +26966,4 +26967,9 +26968,8 +26969,4 +26970,6 +26971,8 +26972,0 +26973,2 +26974,8 +26975,4 +26976,9 +26977,7 +26978,4 +26979,1 +26980,1 +26981,7 +26982,4 +26983,1 +26984,5 +26985,7 +26986,6 +26987,2 +26988,2 +26989,3 +26990,0 +26991,7 +26992,4 +26993,0 +26994,7 +26995,2 +26996,6 +26997,0 +26998,3 +26999,6 +27000,1 +27001,2 +27002,3 +27003,3 +27004,8 +27005,7 +27006,0 +27007,5 +27008,6 +27009,2 +27010,3 +27011,6 +27012,1 +27013,4 +27014,4 +27015,0 +27016,9 +27017,8 +27018,4 +27019,8 +27020,7 +27021,4 +27022,8 +27023,4 +27024,3 +27025,9 +27026,7 +27027,8 +27028,3 +27029,8 +27030,3 +27031,6 +27032,7 +27033,3 +27034,0 +27035,1 +27036,2 +27037,3 +27038,8 +27039,2 +27040,0 +27041,8 +27042,0 +27043,3 +27044,4 +27045,2 +27046,4 +27047,3 +27048,4 +27049,0 +27050,7 +27051,3 +27052,2 +27053,2 +27054,9 +27055,4 +27056,5 +27057,1 +27058,0 +27059,5 +27060,9 +27061,6 +27062,1 +27063,5 +27064,0 +27065,7 +27066,6 +27067,4 +27068,2 +27069,5 +27070,3 +27071,9 +27072,9 +27073,3 +27074,9 +27075,1 +27076,8 +27077,1 +27078,6 +27079,8 +27080,3 +27081,4 +27082,9 +27083,0 +27084,9 +27085,1 +27086,9 +27087,4 +27088,4 +27089,6 +27090,2 +27091,6 +27092,0 +27093,5 +27094,7 +27095,0 +27096,8 +27097,7 +27098,8 +27099,9 +27100,9 +27101,0 +27102,7 +27103,7 +27104,4 +27105,2 +27106,6 +27107,0 +27108,2 +27109,6 +27110,3 +27111,5 +27112,2 +27113,1 +27114,1 +27115,1 +27116,0 +27117,1 +27118,0 +27119,8 +27120,0 +27121,6 +27122,6 +27123,4 +27124,2 +27125,8 +27126,1 +27127,9 +27128,3 +27129,9 +27130,7 +27131,8 +27132,8 +27133,4 +27134,6 +27135,2 +27136,1 +27137,7 +27138,6 +27139,8 +27140,0 +27141,7 +27142,7 +27143,5 +27144,7 +27145,2 +27146,4 +27147,3 +27148,3 +27149,6 +27150,7 +27151,6 +27152,3 +27153,9 +27154,2 +27155,9 +27156,4 +27157,4 +27158,1 +27159,0 +27160,1 +27161,4 +27162,5 +27163,4 +27164,4 +27165,6 +27166,8 +27167,5 +27168,2 +27169,3 +27170,5 +27171,2 +27172,8 +27173,5 +27174,3 +27175,3 +27176,0 +27177,2 +27178,3 +27179,3 +27180,3 +27181,9 +27182,0 +27183,3 +27184,0 +27185,3 +27186,0 +27187,3 +27188,2 +27189,9 +27190,7 +27191,5 +27192,4 +27193,9 +27194,2 +27195,4 +27196,0 +27197,1 +27198,0 +27199,6 +27200,3 +27201,0 +27202,2 +27203,8 +27204,1 +27205,3 +27206,5 +27207,5 +27208,8 +27209,9 +27210,2 +27211,7 +27212,1 +27213,6 +27214,4 +27215,6 +27216,7 +27217,2 +27218,0 +27219,4 +27220,9 +27221,6 +27222,1 +27223,8 +27224,0 +27225,4 +27226,9 +27227,5 +27228,1 +27229,6 +27230,1 +27231,1 +27232,0 +27233,9 +27234,5 +27235,9 +27236,7 +27237,9 +27238,1 +27239,6 +27240,0 +27241,0 +27242,1 +27243,7 +27244,5 +27245,8 +27246,9 +27247,7 +27248,9 +27249,9 +27250,4 +27251,6 +27252,7 +27253,7 +27254,3 +27255,6 +27256,8 +27257,0 +27258,2 +27259,0 +27260,3 +27261,1 +27262,6 +27263,6 +27264,4 +27265,6 +27266,1 +27267,8 +27268,8 +27269,1 +27270,2 +27271,8 +27272,6 +27273,1 +27274,4 +27275,7 +27276,5 +27277,2 +27278,6 +27279,0 +27280,1 +27281,9 +27282,7 +27283,5 +27284,7 +27285,3 +27286,1 +27287,6 +27288,1 +27289,0 +27290,7 +27291,5 +27292,4 +27293,2 +27294,7 +27295,3 +27296,7 +27297,3 +27298,6 +27299,4 +27300,9 +27301,5 +27302,5 +27303,1 +27304,4 +27305,6 +27306,3 +27307,9 +27308,7 +27309,8 +27310,1 +27311,8 +27312,5 +27313,7 +27314,0 +27315,5 +27316,8 +27317,5 +27318,2 +27319,8 +27320,4 +27321,1 +27322,5 +27323,4 +27324,7 +27325,5 +27326,8 +27327,3 +27328,2 +27329,1 +27330,9 +27331,2 +27332,2 +27333,5 +27334,6 +27335,1 +27336,4 +27337,1 +27338,1 +27339,1 +27340,8 +27341,1 +27342,4 +27343,7 +27344,8 +27345,3 +27346,6 +27347,8 +27348,1 +27349,5 +27350,3 +27351,7 +27352,2 +27353,4 +27354,2 +27355,5 +27356,0 +27357,4 +27358,2 +27359,1 +27360,8 +27361,4 +27362,5 +27363,4 +27364,1 +27365,6 +27366,5 +27367,5 +27368,8 +27369,2 +27370,2 +27371,7 +27372,0 +27373,7 +27374,3 +27375,8 +27376,2 +27377,8 +27378,8 +27379,4 +27380,7 +27381,4 +27382,6 +27383,7 +27384,4 +27385,4 +27386,1 +27387,5 +27388,7 +27389,9 +27390,2 +27391,6 +27392,1 +27393,0 +27394,7 +27395,1 +27396,0 +27397,9 +27398,3 +27399,7 +27400,6 +27401,7 +27402,2 +27403,3 +27404,6 +27405,7 +27406,4 +27407,2 +27408,1 +27409,7 +27410,0 +27411,5 +27412,6 +27413,7 +27414,6 +27415,6 +27416,5 +27417,7 +27418,3 +27419,4 +27420,6 +27421,0 +27422,0 +27423,6 +27424,4 +27425,2 +27426,1 +27427,4 +27428,6 +27429,3 +27430,0 +27431,9 +27432,9 +27433,5 +27434,4 +27435,7 +27436,6 +27437,0 +27438,2 +27439,4 +27440,0 +27441,1 +27442,1 +27443,0 +27444,5 +27445,9 +27446,1 +27447,1 +27448,9 +27449,9 +27450,2 +27451,4 +27452,1 +27453,0 +27454,8 +27455,3 +27456,1 +27457,8 +27458,7 +27459,2 +27460,9 +27461,8 +27462,3 +27463,0 +27464,7 +27465,9 +27466,9 +27467,2 +27468,4 +27469,1 +27470,6 +27471,9 +27472,4 +27473,5 +27474,3 +27475,6 +27476,1 +27477,3 +27478,2 +27479,3 +27480,7 +27481,5 +27482,4 +27483,3 +27484,4 +27485,2 +27486,0 +27487,7 +27488,1 +27489,6 +27490,8 +27491,1 +27492,8 +27493,1 +27494,3 +27495,0 +27496,1 +27497,0 +27498,4 +27499,8 +27500,4 +27501,5 +27502,5 +27503,2 +27504,1 +27505,8 +27506,3 +27507,8 +27508,7 +27509,8 +27510,4 +27511,2 +27512,3 +27513,6 +27514,4 +27515,5 +27516,3 +27517,2 +27518,8 +27519,0 +27520,2 +27521,7 +27522,3 +27523,7 +27524,8 +27525,5 +27526,7 +27527,6 +27528,6 +27529,3 +27530,8 +27531,5 +27532,7 +27533,1 +27534,9 +27535,6 +27536,0 +27537,5 +27538,0 +27539,3 +27540,7 +27541,9 +27542,7 +27543,8 +27544,5 +27545,5 +27546,2 +27547,1 +27548,8 +27549,7 +27550,1 +27551,7 +27552,3 +27553,5 +27554,0 +27555,0 +27556,9 +27557,6 +27558,7 +27559,6 +27560,6 +27561,2 +27562,4 +27563,9 +27564,8 +27565,6 +27566,6 +27567,2 +27568,5 +27569,8 +27570,9 +27571,5 +27572,6 +27573,2 +27574,7 +27575,1 +27576,7 +27577,8 +27578,5 +27579,3 +27580,1 +27581,3 +27582,8 +27583,9 +27584,6 +27585,4 +27586,9 +27587,1 +27588,8 +27589,0 +27590,8 +27591,6 +27592,7 +27593,9 +27594,9 +27595,2 +27596,1 +27597,7 +27598,6 +27599,3 +27600,1 +27601,7 +27602,4 +27603,0 +27604,8 +27605,3 +27606,4 +27607,7 +27608,2 +27609,9 +27610,5 +27611,1 +27612,0 +27613,7 +27614,6 +27615,7 +27616,8 +27617,4 +27618,5 +27619,3 +27620,0 +27621,8 +27622,2 +27623,8 +27624,0 +27625,5 +27626,0 +27627,5 +27628,0 +27629,1 +27630,9 +27631,2 +27632,3 +27633,7 +27634,3 +27635,9 +27636,9 +27637,5 +27638,8 +27639,1 +27640,0 +27641,2 +27642,9 +27643,3 +27644,3 +27645,2 +27646,6 +27647,6 +27648,8 +27649,7 +27650,7 +27651,0 +27652,9 +27653,1 +27654,7 +27655,3 +27656,3 +27657,7 +27658,5 +27659,5 +27660,0 +27661,4 +27662,9 +27663,8 +27664,2 +27665,3 +27666,4 +27667,3 +27668,3 +27669,4 +27670,2 +27671,4 +27672,5 +27673,9 +27674,1 +27675,4 +27676,0 +27677,2 +27678,7 +27679,5 +27680,3 +27681,1 +27682,6 +27683,1 +27684,8 +27685,4 +27686,8 +27687,7 +27688,5 +27689,2 +27690,5 +27691,1 +27692,7 +27693,4 +27694,8 +27695,0 +27696,5 +27697,7 +27698,4 +27699,8 +27700,2 +27701,5 +27702,9 +27703,3 +27704,4 +27705,5 +27706,6 +27707,7 +27708,5 +27709,9 +27710,8 +27711,3 +27712,7 +27713,7 +27714,3 +27715,2 +27716,8 +27717,1 +27718,2 +27719,0 +27720,1 +27721,2 +27722,0 +27723,4 +27724,1 +27725,5 +27726,0 +27727,1 +27728,4 +27729,3 +27730,1 +27731,9 +27732,4 +27733,4 +27734,5 +27735,4 +27736,5 +27737,8 +27738,0 +27739,5 +27740,0 +27741,0 +27742,9 +27743,3 +27744,2 +27745,5 +27746,9 +27747,7 +27748,4 +27749,8 +27750,7 +27751,8 +27752,0 +27753,9 +27754,8 +27755,3 +27756,3 +27757,0 +27758,7 +27759,6 +27760,6 +27761,8 +27762,8 +27763,2 +27764,1 +27765,4 +27766,9 +27767,6 +27768,9 +27769,7 +27770,5 +27771,0 +27772,4 +27773,2 +27774,9 +27775,2 +27776,8 +27777,6 +27778,6 +27779,8 +27780,3 +27781,2 +27782,0 +27783,9 +27784,1 +27785,5 +27786,3 +27787,1 +27788,0 +27789,4 +27790,9 +27791,5 +27792,9 +27793,6 +27794,3 +27795,0 +27796,9 +27797,6 +27798,7 +27799,2 +27800,7 +27801,3 +27802,0 +27803,3 +27804,3 +27805,1 +27806,8 +27807,7 +27808,2 +27809,8 +27810,7 +27811,1 +27812,0 +27813,0 +27814,6 +27815,2 +27816,8 +27817,1 +27818,0 +27819,5 +27820,9 +27821,2 +27822,5 +27823,9 +27824,2 +27825,4 +27826,0 +27827,4 +27828,0 +27829,8 +27830,4 +27831,3 +27832,1 +27833,6 +27834,4 +27835,4 +27836,1 +27837,0 +27838,9 +27839,8 +27840,8 +27841,1 +27842,1 +27843,9 +27844,8 +27845,6 +27846,4 +27847,1 +27848,8 +27849,8 +27850,1 +27851,5 +27852,1 +27853,6 +27854,3 +27855,3 +27856,5 +27857,5 +27858,4 +27859,1 +27860,2 +27861,3 +27862,6 +27863,3 +27864,8 +27865,6 +27866,1 +27867,3 +27868,4 +27869,7 +27870,9 +27871,1 +27872,5 +27873,7 +27874,3 +27875,0 +27876,6 +27877,3 +27878,4 +27879,8 +27880,2 +27881,8 +27882,6 +27883,7 +27884,5 +27885,8 +27886,8 +27887,3 +27888,2 +27889,1 +27890,6 +27891,9 +27892,8 +27893,9 +27894,0 +27895,9 +27896,1 +27897,5 +27898,9 +27899,4 +27900,6 +27901,2 +27902,2 +27903,2 +27904,5 +27905,1 +27906,9 +27907,4 +27908,0 +27909,1 +27910,1 +27911,3 +27912,4 +27913,0 +27914,6 +27915,9 +27916,8 +27917,6 +27918,7 +27919,2 +27920,4 +27921,0 +27922,6 +27923,8 +27924,0 +27925,2 +27926,5 +27927,1 +27928,5 +27929,4 +27930,4 +27931,7 +27932,1 +27933,1 +27934,0 +27935,7 +27936,7 +27937,0 +27938,4 +27939,9 +27940,2 +27941,6 +27942,5 +27943,9 +27944,1 +27945,9 +27946,6 +27947,7 +27948,9 +27949,9 +27950,2 +27951,8 +27952,2 +27953,6 +27954,0 +27955,5 +27956,1 +27957,3 +27958,1 +27959,7 +27960,2 +27961,3 +27962,9 +27963,9 +27964,1 +27965,9 +27966,3 +27967,4 +27968,0 +27969,3 +27970,3 +27971,5 +27972,0 +27973,4 +27974,8 +27975,0 +27976,3 +27977,6 +27978,0 +27979,1 +27980,9 +27981,3 +27982,1 +27983,1 +27984,0 +27985,4 +27986,5 +27987,2 +27988,2 +27989,9 +27990,6 +27991,7 +27992,6 +27993,1 +27994,9 +27995,7 +27996,9 +27997,7 +27998,3 +27999,9 +28000,2 diff --git a/bp/test.py b/bp/test.py new file mode 100644 index 0000000..a74145b --- /dev/null +++ b/bp/test.py @@ -0,0 +1,79 @@ +# -*- coding: utf-8 -*- +""" +Created on Wed Apr 04 17:12:30 2018 + +@author: liudiwei +""" +import numpy as np +from bp import Network +import pandas as pd + +def output_value(labelVec): + max_value_index = 0 + max_value = 0 + for i in range(len(labelVec)): + if labelVec[i] > max_value: + max_value = labelVec[i] + max_value_index = i + return max_value_index + +def evaluate(network, test_data_set, test_labels): + error = 0 + total = len(test_data_set) + for i in range(total): + label = output_value(test_labels[i]) + predict = output_value(network.predict(test_data_set[i])) + + if label != predict: + error += 1 + print "label is %s" %label + print "predict value is %s" %predict + + return float(error) / float(total) + +# one_hot encoder +#error ratio is 0.053167 +#error ratio is 0.063917 +def onehot_encoder(label, classes): + label_size = label.shape[0] + label_onehot = np.zeros((label_size, classes)) + 0.1 + for i in range(label_size): + label_onehot[i][int(label[i])] = 0.9 + return label_onehot + +if __name__ == "__main__": + + train_data = pd.read_csv('./data/train.csv') + testData = pd.read_csv("./data/test.csv") + + train_input = train_data.iloc[:, 1:].values.astype(np.float) + data = np.multiply(train_input, 1.0/255.0) + label = train_data.iloc[:, 0].values.astype(np.float) + + label = onehot_encoder(label, 10) + + train_data = data[:30000] + train_labels = label[:30000] + + test_data = data[30000:] + test_labels = label[30000:] + + network = Network([784, 300, 10]) + learning_rate = 0.3 + epoch = 5 + network.train(label, data, learning_rate, epoch) + + #error_ratio = evaluate(network, test_data, test_labels) + # print "error ratio is %f" %error_ratio + + ########################################################################### + test_input = testData.values.astype(np.float) + test_input = np.multiply(test_input, 1.0/255.0) + + predicts = np.zeros(len(test_input)) + for i in range(len(test_input)): + predict = output_value(network.predict(test_input[i])) + predicts[i] = predict + + submissions = pd.DataFrame({'ImageId': np.arange(1 , 1 + test_input.shape[0]), 'Label': predicts.astype(int)}) + submissions.to_csv('./submission.csv', index=False) diff --git a/doc/boostingexperiments.pdf b/doc/1996 Experiments with a New Boosting Algorithm.pdf similarity index 100% rename from doc/boostingexperiments.pdf rename to doc/1996 Experiments with a New Boosting Algorithm.pdf diff --git a/draft/UserItemEmbeddingModel.py b/draft/UserItemEmbeddingModel.py new file mode 100644 index 0000000..82525b6 --- /dev/null +++ b/draft/UserItemEmbeddingModel.py @@ -0,0 +1,183 @@ +# -*- coding: utf-8 -*- +""" +Created on Sat Jan 5 15:03:51 2019 + +@author: liudiwei +""" + +import os +import pandas as pd +import numpy as np +import keras +import random + +from keras.preprocessing import sequence +from sklearn.cross_validation import train_test_split +from keras.models import Sequential +from keras.layers.embeddings import Embedding +from keras.layers.recurrent import LSTM +from keras.layers.core import Dense, Dropout,Activation +from keras.models import model_from_yaml +from keras.layers import Input, Embedding, Flatten, Dot, Dense, Reshape +from keras.models import Model +from sklearn.decomposition import PCA +import seaborn as sns +from sklearn.manifold import TSNE +random.seed(100) + +os.chdir(r"../data") + + +dataset = pd.read_csv('item_rating.csv') + +users = list(set(dataset.user_id.tolist())) +items = list(set(dataset.item_id.tolist())) + +#获取item的下标和item_id关系 +item_index = {item: idx for idx, item in enumerate(items)} +index_item = {idx: item for item, idx in item_index.items()} + +#获取user的下标和user_id关系 +user_index = {user: idx for idx, user in enumerate(users)} +index_user = {idx: user for user, idx in user_index.items()} + +dataset["user_index"] = dataset["user_id"].apply(lambda x: user_index[x]) +dataset["item_index"] = dataset["item_id"].apply(lambda x: item_index[x]) + +def load_data(): + train, test = train_test_split(dataset, test_size=0.2, random_state=42) + n_users = len(dataset.user_id.unique()) + n_items = len(dataset.item_id.unique()) + print(dataset.head()) + return dataset, train, test, n_users, n_items + +dataset, train, test, n_users, n_items = load_data() + + +def build_model(n_users, n_items, embedding_size = 10, classification=False): + # Both inputs are 1-dimensional + user_input = Input(shape=[1], name="user") + item_input = Input(shape=[1], name="item") + + user_embedding = Embedding(n_users, embedding_size, name="user-Embedding")(user_input) + item_embedding = Embedding(n_items, embedding_size, name="item-Embedding")(item_input) + + user_vec = Flatten(name="Flatten-Users")(user_embedding) + item_vec = Flatten(name="Flatten-items")(item_embedding) + + prod = Dot(name="Dot-Product", axes=1)([item_vec, user_vec]) + # Reshape to be a single number (shape will be (None, 1)) + merged = Reshape(target_shape = [1])(prod) + + if classification: + out = Dense(1, activation = 'sigmoid')(merged) + model = Model(inputs = [user_input, item_input], outputs = out) + model.compile(optimizer = 'Adam', loss = 'binary_crossentropy', metrics = ['accuracy']) + + # Otherwise loss function is mean squared error + else: + model = Model(inputs = [user_input, item_input], outputs = merged) + model.compile(optimizer = 'Adam', loss = 'mse') + #model.compile('adam', 'mean_squared_error') + + model.summary() + return model + +model = build_model(n_users, n_items, embedding_size=20) + +def generate_batch(train, + n_positive = 50, + negative_ratio = 1.0): + """Generate batches of samples for training. + Random select samples.""" + # Create empty array to hold batch + batch_size = n_positive * negative_ratio + batch = np.zeros((batch_size, 3)) + print(batch_size, batch) + # Continue to yield samples + while True: + # Randomly choose positive examples + batch_train = train.sample(batch_size) + batch_train["idx"] = [i for i in range(batch_train.shape[0])] + def getBatch(x): + batch[x["idx"], :] = (x["user_index"], x["item_index"], int(x["rating"])) + batch_train.apply(lambda x: getBatch(x), axis=1) + + + # Make sure to shuffle order + np.random.shuffle(batch) + del batch_train + yield {'user': batch[:, 0], 'item': batch[:, 1]}, batch[:, 2] + + +#train a regression model with fit +def train_model(model, train, epochs=5): + model.fit([train.user_index, train.item_index], train.rating, epochs=5, verbose=1) + model.save('regression_model.h5') + + # Extract embeddings + item_em = model.get_layer('item-Embedding') + item_em_weights = item_em.get_weights()[0] + item_em_weights + return model, item_em_weights + +def train_model_batch(model, train, epochs=5, batch_size_pos=8000): + n_positive = batch_size_pos + gen = generate_batch(train, n_positive, negative_ratio = 1) + # Train + model.fit_generator(gen, epochs = 5, steps_per_epoch = train.shape[0] // n_positive) + model.save('regression_model.h5') + return model + +#训练模型Method1 +model, item_em_weights = train_model(model, train) +#训练模型Method2 +model = train_model_batch(model, train, batch_size_pos=1000) + +# Extract item embeddings +item_layer = model.get_layer('item-Embedding') +item_weights = item_layer.get_weights()[0] +item_weights.shape + +# Extract user embeddings +user_layer = model.get_layer('user-Embedding') +user_weights = user_layer.get_weights()[0] +user_weights.shape + + +#PCA visualization +def pca_show(weights): + pca = PCA(n_components=2) + pca_result = pca.fit_transform(weights) + sns.jointplot(x=pca_result[:,0], y=pca_result[:,1]) +pca_show(item_em_weights) + + + +def tsne_show(weights): + tsne = TSNE(n_components=2, verbose=1, perplexity=40, n_iter=300) + tnse_results = tsne.fit_transform(weights) + sns.jointplot(x=tnse_results[:,0], y=tnse_results[:,1]) +tsne_show(item_em_weights) + + +#recommendation for the user +def recommend_for_user(user_index, dataset): + item_data = np.array(list(set(dataset.item_index))) + user = np.array([user_index for i in range(len(item_data))]) + predictions = model.predict([user, item_data]) + predictions = np.array([a[0] for a in predictions]) + recommended_item_ids = (-predictions).argsort()[:30] + print(recommended_item_ids) + return recommended_item_ids + #print(predictions[recommended_item_ids]) + +aaa = recommend_for_user(0,dataset) +aaa = recommend_for_user(3,dataset) +aaa = recommend_for_user(4,dataset) + +#calculate cosine similarity +from sklearn.metrics.pairwise import cosine_similarity +cos = cosine_similarity(item_em_weights[0:1], item_em_weights) +recommendations = cos[0].argsort()[-4:][::-1] + diff --git a/draft/book_recommendation.py b/draft/book_recommendation.py new file mode 100644 index 0000000..c10bfda --- /dev/null +++ b/draft/book_recommendation.py @@ -0,0 +1,96 @@ +# -*- coding: utf-8 -*- +""" +Created on Sat Jan 5 15:03:51 2019 + +@author: liudiwei +""" + +import os +import pandas as pd +import numpy as np +import keras + +from keras.preprocessing import sequence +from sklearn.cross_validation import train_test_split +from keras.models import Sequential +from keras.layers.embeddings import Embedding +from keras.layers.recurrent import LSTM +from keras.layers.core import Dense, Dropout,Activation +from keras.models import model_from_yaml +from keras.layers import Input, Embedding, Flatten, Dot, Dense +from keras.models import Model +from sklearn.decomposition import PCA +import seaborn as sns +from sklearn.manifold import TSNE + +os.chdir(r"../data") + +def load_data(): + dataset = pd.read_csv('ratings.csv') + train, test = train_test_split(dataset, test_size=0.2, random_state=42) + n_users = len(dataset.user_id.unique()) + n_books = len(dataset.book_id.unique()) + print(dataset.head()) + return dataset, train, test, n_users, n_books + +dataset, train, test, n_users, n_books = load_data() + +def build_model(n_users, n_books): + book_input = Input(shape=[1], name="Book-Input") + book_embedding = Embedding(n_books+1, 5, name="Book-Embedding")(book_input) + book_vec = Flatten(name="Flatten-Books")(book_embedding) + + user_input = Input(shape=[1], name="User-Input") + user_embedding = Embedding(n_users+1, 5, name="User-Embedding")(user_input) + user_vec = Flatten(name="Flatten-Users")(user_embedding) + + prod = Dot(name="Dot-Product", axes=1)([book_vec, user_vec]) + model = Model([user_input, book_input], prod) + model.compile('adam', 'mean_squared_error') + + model.summary() + return model + +model = build_model(n_users, n_books) + +#train a regression model +def train_model(model, train, epochs=5): + model.fit([train.user_id, train.book_id], train.rating, epochs=5, verbose=1) + model.save('regression_model.h5') + + # Extract embeddings + book_em = model.get_layer('Book-Embedding') + book_em_weights = book_em.get_weights()[0] + book_em_weights + return model, book_em_weights + +model, book_em_weights = train_model(model, train) + +#PCA visualization +def pca_show(weights): + pca = PCA(n_components=2) + pca_result = pca.fit_transform(weights) + sns.jointplot(x=pca_result[:,0], y=pca_result[:,1]) +pca_show(book_em_weights) + +def tsne_show(weights): + tsne = TSNE(n_components=2, verbose=1, perplexity=40, n_iter=300) + tnse_results = tsne.fit_transform(weights) + sns.jointplot(x=tnse_results[:,0], y=tnse_results[:,1]) +tsne_show(book_em_weights) + +#recommendation for the user +def recommend_for_user(user_index, dataset): + book_data = np.array(list(set(dataset.book_id))) + user = np.array([user_index for i in range(len(book_data))]) + predictions = model.predict([user, book_data]) + predictions = np.array([a[0] for a in predictions]) + recommended_book_ids = (-predictions).argsort()[:30] + print(recommended_book_ids) + #print(predictions[recommended_book_ids]) + +aaa = recommend_for_user(2,dataset) +aaa = recommend_for_user(3,dataset) +aaa = recommend_for_user(4,dataset) + + diff --git a/draft/contentBasedRec.py b/draft/contentBasedRec.py new file mode 100644 index 0000000..55e7b1d --- /dev/null +++ b/draft/contentBasedRec.py @@ -0,0 +1,37 @@ +# -*- coding: utf-8 -*- +""" +Created on Sun Jan 13 23:18:00 2019 + +@author: liudiwei +""" +import numpy as np +from sklearn import feature_extraction +from sklearn.feature_extraction.text import TfidfTransformer +from sklearn.feature_extraction.text import TfidfVectorizer, CountVectorizer +import pandas as pd + +user_items = pd.read_csv("./data_process/user_keywords.csv") +user_items["items"] = user_items["keywords"].apply(lambda x: x.replace("|", " ")) +corpus = user_items["items"].tolist() + +tfidf_vectorizer = TfidfVectorizer(max_df=0.95, min_df=2) + +transformer=TfidfTransformer()#该类会统计每个词语的tf-idf权值 + +vectorizer=CountVectorizer()#该类会将文本中的词语转换为词频矩阵,矩阵元素a[i][j] 表示j词在i类文本下的词频 + +tfidf=transformer.fit_transform(tfidf_vectorizer.fit_transform(corpus))#第一个fit_transform是计算tf-idf,第二个fit_transform是将文本转为词频矩阵 + +word=tfidf_vectorizer.get_feature_names()#获取词袋模型中的所有词语 +weight=tfidf.toarray()#将tf-idf矩阵抽取出来,元素a[i][j]表示j词在i类文本中的tf-idf权重 + + +#calculate cosine similarity +from sklearn.metrics.pairwise import cosine_similarity +cos = cosine_similarity(weight[0:1], weight) +recommendations = cos[0].argsort()[-4:][::-1] + + +a = list(weight[0:1][0]) +aaa = pd.DataFrame(weight) +cosine_similarity(np.array([a]), aaa) \ No newline at end of file diff --git a/draft/data/artice1.txt b/draft/data/artice1.txt new file mode 100644 index 0000000..9769e91 --- /dev/null +++ b/draft/data/artice1.txt @@ -0,0 +1,2 @@ +然而,即使上述模型对词向量进行平均处理,我们仍然忽略了单词之间的排列顺序对情感分析的影响。即上述的word2vec只是基于词的维度进行"语义分析"的,而并不具有上下文的"语义分析"能力。 +作为一个处理可变长度文本的总结性方法,Quoc Le 和 Tomas Mikolov 提出了 Doc2Vec方法。除了增加一个段落向量以外,这个方法几乎等同于 Word2Vec。和 Word2Vec 一样,该模型也存在两种方法:Distributed Memory(DM) 和 Distributed Bag of Words(DBOW)。DM 试图在给定上下文和段落向量的情况下预测单词的概率。在一个句子或者文档的训练过程中,段落 ID 保持不变,共享着同一个段落向量。DBOW 则在仅给定段落向量的情况下预测段落中一组随机单词的概率。 \ No newline at end of file diff --git a/draft/data/article2.txt b/draft/data/article2.txt new file mode 100644 index 0000000..3d264a8 --- /dev/null +++ b/draft/data/article2.txt @@ -0,0 +1 @@ +训练过程中新增了paragraph id,即训练语料中每个句子都有一个唯一的id。paragraph id和普通的word一样,也是先映射成一个向量,即paragraph vector。paragraph vector与word vector的维数虽一样,但是来自于两个不同的向量空间。在之后的计算里,paragraph vector和word vector累加或者连接起来,作为输出层softmax的输入。在一个句子或者文档的训练过程中,paragraph id保持不变,共享着同一个paragraph vector,相当于每次在预测单词的概率时,都利用了整个句子的语义。 \ No newline at end of file diff --git a/draft/data/corpus_test/t1.txt b/draft/data/corpus_test/t1.txt new file mode 100644 index 0000000..9769e91 --- /dev/null +++ b/draft/data/corpus_test/t1.txt @@ -0,0 +1,2 @@ +然而,即使上述模型对词向量进行平均处理,我们仍然忽略了单词之间的排列顺序对情感分析的影响。即上述的word2vec只是基于词的维度进行"语义分析"的,而并不具有上下文的"语义分析"能力。 +作为一个处理可变长度文本的总结性方法,Quoc Le 和 Tomas Mikolov 提出了 Doc2Vec方法。除了增加一个段落向量以外,这个方法几乎等同于 Word2Vec。和 Word2Vec 一样,该模型也存在两种方法:Distributed Memory(DM) 和 Distributed Bag of Words(DBOW)。DM 试图在给定上下文和段落向量的情况下预测单词的概率。在一个句子或者文档的训练过程中,段落 ID 保持不变,共享着同一个段落向量。DBOW 则在仅给定段落向量的情况下预测段落中一组随机单词的概率。 \ No newline at end of file diff --git a/draft/data/corpus_test/t2.txt b/draft/data/corpus_test/t2.txt new file mode 100644 index 0000000..3d264a8 --- /dev/null +++ b/draft/data/corpus_test/t2.txt @@ -0,0 +1 @@ +训练过程中新增了paragraph id,即训练语料中每个句子都有一个唯一的id。paragraph id和普通的word一样,也是先映射成一个向量,即paragraph vector。paragraph vector与word vector的维数虽一样,但是来自于两个不同的向量空间。在之后的计算里,paragraph vector和word vector累加或者连接起来,作为输出层softmax的输入。在一个句子或者文档的训练过程中,paragraph id保持不变,共享着同一个paragraph vector,相当于每次在预测单词的概率时,都利用了整个句子的语义。 \ No newline at end of file diff --git a/draft/data/corpus_words/artice1.txt b/draft/data/corpus_words/artice1.txt new file mode 100644 index 0000000..4b65fdd --- /dev/null +++ b/draft/data/corpus_words/artice1.txt @@ -0,0 +1 @@ +然而 , 即使 上述 模型 对词 向量 进行 平均 处理 , 我们 仍然 忽略 了 单词 之间 的 排列 顺序 对 情感 分析 的 影响 。 即 上述 的 word2vec 只是 基于 词 的 维度 进行 " 语义 分析 " 的 , 而 并 不 具有 上下文 的 " 语义 分析 " 能力 。 作为 一个 处理 可变 长度 文本 的 总结性 方法 , QuocLe 和 TomasMikolov 提出 了 Doc2Vec 方法 。 除了 增加 一个 段落 向量 以外 , 这个 方法 几乎 等同于 Word2Vec 。 和 Word2Vec 一样 , 该 模型 也 存在 两种 方法 : DistributedMemory ( DM ) 和 DistributedBagofWords ( DBOW ) 。 DM 试图 在 给定 上下文 和 段落 向量 的 情况 下 预测 单词 的 概率 。 在 一个 句子 或者 文档 的 训练 过程 中 , 段落 ID 保持 不变 , 共享 着 同一个 段落 向量 。 DBOW 则 在 仅 给定 段落 向量 的 情况 下 预测 段落 中 一组 随机 单词 的 概率 。 然而 , 即使 上述 模型 对词 向量 进行 平均 处理 , 我们 仍然 忽略 了 单词 之间 的 排列 顺序 对 情感 分析 的 影响 。 即 上述 的 word2vec 只是 基于 词 的 维度 进行 " 语义 分析 " 的 , 而 并 不 具有 上下文 的 " 语义 分析 " 能力 。 作为 一个 处理 可变 长度 文本 的 总结性 方法 , QuocLe 和 TomasMikolov 提出 了 Doc2Vec 方法 。 除了 增加 一个 段落 向量 以外 , 这个 方法 几乎 等同于 Word2Vec 。 和 Word2Vec 一样 , 该 模型 也 存在 两种 方法 : DistributedMemory ( DM ) 和 DistributedBagofWords ( DBOW ) 。 DM 试图 在 给定 上下文 和 段落 向量 的 情况 下 预测 单词 的 概率 。 在 一个 句子 或者 文档 的 训练 过程 中 , 段落 ID 保持 不变 , 共享 着 同一个 段落 向量 。 DBOW 则 在 仅 给定 段落 向量 的 情况 下 预测 段落 中 一组 随机 单词 的 概率 。 \ No newline at end of file diff --git a/draft/data/corpus_words/article2.txt b/draft/data/corpus_words/article2.txt new file mode 100644 index 0000000..a34839c --- /dev/null +++ b/draft/data/corpus_words/article2.txt @@ -0,0 +1 @@ +训练 过程 中 新增 了 paragraphid , 即 训练 语料 中 每个 句子 都 有 一个 唯一 的 id 。 paragraphid 和 普通 的 word 一样 , 也 是 先 映射 成 一个 向量 , 即 paragraphvector 。 paragraphvector 与 wordvector 的 维数 虽 一样 , 但是 来自 于 两个 不同 的 向量 空间 。 在 之后 的 计算 里 , paragraphvector 和 wordvector 累加 或者 连接起来 , 作为 输出 层 softmax 的 输入 。 在 一个 句子 或者 文档 的 训练 过程 中 , paragraphid 保持 不变 , 共享 着 同一个 paragraphvector , 相当于 每次 在 预测 单词 的 概率 时 , 都 利用 了 整个 句子 的 语义 。 \ No newline at end of file diff --git a/draft/doc2vector.py b/draft/doc2vector.py new file mode 100644 index 0000000..0492268 --- /dev/null +++ b/draft/doc2vector.py @@ -0,0 +1,203 @@ +# -*- coding: utf-8 -*- +""" +Created on Sun Jan 27 14:20:16 2019 + +@author: liudiwei +""" + +# -*- coding: utf-8 -*- +import codecs +import re +from os import listdir + +import gensim +import jieba +import numpy as np +import pandas as pd +import os + +def doc_segment(doc_path, corpus_path): + """save word segment + """ + # 先把所有文档的路径存进一个 array 中,docLabels: + doc_lists = [file for file in listdir(doc_path) if file.endswith('.txt')] + + for doc in doc_lists: + try: + ws = codecs.open(doc_path + "/" + doc, encoding="utf8").read() + doc_words = segment(ws) + if not os.path.exists(corpus_path): + os.mkdir(corpus_path) + with codecs.open(corpus_path + "/{}".format(doc), "a", encoding="UTF-8") as f: + f.write(" ".join(doc_words)) + except: + print(doc) + +def segment(doc: str, stopword_file=None): + """中文分词 + parameter: + doc : str, input text + return: + [type] --- [description] + """ + # 停用词 + if stopword_file != None: + stop_words = pd.read_csv(stopword_file, + index_col=False, + quoting=3, + names=['stopword'], + sep="\n", + encoding='utf-8') + + stop_words = list(stop_words.stopword) + else: + stop_words = [] + reg_html = re.compile(r'<[^>]+>', re.S) + doc = reg_html.sub('', doc) + doc = re.sub('[0-9]', '', doc) + doc = re.sub('\s', '', doc) + word_list = list(jieba.cut(doc)) + out_str = '' + for word in word_list: + if word not in stop_words: + out_str += word + out_str += ' ' + segments = out_str.split(sep=" ") + return segments + +def build_corpus(corpus_path): + """build word corpus: list of list + """ + doc_labels = [f for f in os.listdir(corpus_path) if f.endswith('.txt')] + + corpus = [] + for doc in doc_labels: + ws = open(corpus_path + "/" + doc, 'r', encoding='UTF-8').read() + corpus.append(ws) + + print("corpus size: ", len(corpus)) + return corpus, doc_labels + +############################## build model #################################### + +def train_model(corpus, doc_labels, model_path, model_name="doc2vec.model"): + """training model + parameter: + - courpus: [[...], [....]] + - doc_labels: [...] + - model_path + - model_name: default value "doc2vec.model" + return: + - model: model + - model_file: model_path + "/" + model_name + """ + # training doc2vec model and save model to local disk: + sentences = LabeledLineSentence(corpus, doc_labels) + # an empty model + model = gensim.models.Doc2Vec(vector_size=256, + window=10, + min_count=5, + workers=4, + alpha=0.025, + min_alpha=0.025, + epochs=12) + model.build_vocab(sentences) + + print("start training...") + model.train(sentences, total_examples = model.corpus_count, epochs=12) + + if not os.path.exists(model_path): + os.mkdir(model_path) + model_file = model_path + "/" + model_name + model.save(model_file) + print("Model saved") + return model, model_file + +def test_model(model_file, file1, file2): + print("Loading Model.") + model = gensim.models.Doc2Vec.load(model_file) + + sentence1 = open(file1, 'r', encoding='UTF-8').read() + sentence2 = open(file2, 'r', encoding='UTF-8').read() + + # 分词 + print("start to segment") + words1 = segment(sentence1) + words2 = segment(sentence2) + + # 转成句子向量 + vector1 = sent2vec(model, words1) + vector2 = sent2vec(model, words2) + + import sys + print(sys.getsizeof(vector1)) + print(sys.getsizeof(vector2)) + + cos = similarity(vector1, vector2) + print("相似度:{:.4f}".format(cos)) + + +def similarity(a_vect, b_vect): + """计算两个向量余弦值 + parameter: + a_vect {[type]} -- a 向量 + b_vect {[type]} -- b 向量 + + return: + [type] -- [description] + """ + + dot_val = 0.0 + a_norm = 0.0 + b_norm = 0.0 + cos = None + for a, b in zip(a_vect, b_vect): + dot_val += a*b + a_norm += a**2 + b_norm += b**2 + if a_norm == 0.0 or b_norm == 0.0: + cos = -1 + else: + cos = dot_val / ((a_norm*b_norm)**0.5) + + return cos + + +def sent2vec(model, words): + """sentence2vector + parameter: + model {[type]} -- Doc2Vec 模型 + words {[type]} -- 分词后的文本 + return: + [type] -- 向量数组 + """ + vect_list = [] + for w in words: + try: + vect_list.append(model.wv[w]) + except: + continue + vect_list = np.array(vect_list) + vect = vect_list.sum(axis=0) + return vect / np.sqrt((vect ** 2).sum()) + + + +class LabeledLineSentence(object): + def __init__(self, doc_list, labels_list): + self.labels_list = labels_list + self.doc_list = doc_list + + def __iter__(self): + for idx, doc in enumerate(self.doc_list): + yield gensim.models.doc2vec.TaggedDocument(words=doc.split(), tags=[self.labels_list[idx]]) + + +if __name__ == '__main__': + doc_path = "./data/" + corpus_path = "data/corpus_words" + model_path = "./models" + #doc_segment(data_dir) + corpus, doc_labels = build_corpus(corpus_path) + model, model_file = train_model(corpus, doc_labels, model_path) + test_model(model_file, './data/corpus_test/t2.txt', './data/corpus_test/t1.txt') diff --git a/draft/jupyter/fm_demo.ipynb b/draft/jupyter/fm_demo.ipynb new file mode 100644 index 0000000..f288396 --- /dev/null +++ b/draft/jupyter/fm_demo.ipynb @@ -0,0 +1,555 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "os.chdir(r\"F:\\CSU\\Github\\nlp_exp\\fm_exp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "from itertools import count \n", + "from collections import defaultdict\n", + "from scipy.sparse import csr \n", + "from __future__ import print_function \n", + "\n", + "def vectorize_dic(dic, ix=None, p=None):\n", + " \"\"\" \n", + " Creates a scipy csr matrix from a list of lists (each inner list is a set of values corresponding to a feature) \n", + " \n", + " parameters:\n", + " -----------\n", + " dic -- dictionary of feature lists. Keys are the name of features\n", + " ix -- index generator (default None)\n", + " p -- dimension of featrure space (number of columns in the sparse matrix) (default None)\n", + " \"\"\"\n", + " if (ix == None):\n", + " d = count(0)\n", + " ix = defaultdict(lambda: next(d)) \n", + " \n", + " n = len(list(dic.values())[0]) # num samples\n", + " g = len(list(dic.keys())) # num groups\n", + " nz = n * g # number of non-zeros\n", + "\n", + " col_ix = np.empty(nz, dtype=int) \n", + " \n", + " i = 0\n", + " for k, lis in dic.items(): \n", + " # append index el with k in order to prevet mapping different columns with same id to same index\n", + " col_ix[i::g] = [ix[str(el) + str(k)] for el in lis]\n", + " i += 1\n", + " \n", + " row_ix = np.repeat(np.arange(0, n), g) \n", + " data = np.ones(nz)\n", + " \n", + " if (p == None):\n", + " p = len(ix)\n", + " \n", + " ixx = np.where(col_ix < p)\n", + "\n", + " return csr.csr_matrix((data[ixx],(row_ix[ixx], col_ix[ixx])), shape=(n, p)), ix" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### 加载数据集" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
useritemratingtimestamp
0115874965758
1123876893171
2134878542960
3143876893119
4153889751712
5165887431973
6174875071561
7181875072484
8195878543541
91103875693118
\n", + "
" + ], + "text/plain": [ + " user item rating timestamp\n", + "0 1 1 5 874965758\n", + "1 1 2 3 876893171\n", + "2 1 3 4 878542960\n", + "3 1 4 3 876893119\n", + "4 1 5 3 889751712\n", + "5 1 6 5 887431973\n", + "6 1 7 4 875071561\n", + "7 1 8 1 875072484\n", + "8 1 9 5 878543541\n", + "9 1 10 3 875693118" + ] + }, + "execution_count": 31, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.feature_extraction import DictVectorizer\n", + "\n", + "# laod data with pandas\n", + "cols = ['user', 'item', 'rating', 'timestamp']\n", + "train = pd.read_csv('data/ua.base', delimiter='\\t', names=cols)\n", + "test = pd.read_csv('data/ua.test', delimiter='\\t', names=cols)\n", + "train.head(10)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### vectorize data and convert them to csr matrix" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "X_train, ix = vectorize_dic({'users': train.user.values, 'items': train.item.values})\n", + "X_test, ix = vectorize_dic({'users': test.user.values, 'items': test.item.values}, ix, X_train.shape[1])\n", + "y_train = train.rating.values\n", + "y_test= test.rating.values" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "(90570, 2623)\n", + "(9430, 2623)\n" + ] + } + ], + "source": [ + "X_train = X_train.todense()\n", + "X_test = X_test.todense()\n", + "\n", + "# print shape of data\n", + "print(X_train.shape)\n", + "print(X_test.shape)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Define FM Model with tensorflow" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [], + "source": [ + "import tensorflow as tf\n", + "\n", + "#get x_train shape\n", + "n, p = X_train.shape\n", + "\n", + "# number of latent factors\n", + "k = 10\n", + "\n", + "# design matrix\n", + "X = tf.placeholder('float', shape=[None, p])\n", + "# target vector\n", + "y = tf.placeholder('float', shape=[None, 1])\n", + "\n", + "# bias and weights\n", + "w0 = tf.Variable(tf.zeros([1]))\n", + "W = tf.Variable(tf.zeros([p]))\n", + "\n", + "# interaction factors, randomly initialized \n", + "V = tf.Variable(tf.random_normal([k, p], stddev=0.01))\n", + "\n", + "# estimate of y, initialized to 0.\n", + "y_hat = tf.Variable(tf.zeros([n, 1]))" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/latex": [ + "$$\\hat{y}(\\mathbf{x}) = w_0 + \\sum_{j=1}^{p}w_jx_j + \\frac{1}{2} \\sum_{f=1}^{k} ((\\sum_{j=1}^{p}v_{j,f}x_j)^2-\\sum_{j=1}^{p}v_{j,f}^2 x_j^2)$$" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from IPython.display import display, Math, Latex\n", + "\n", + "display(Math(r'\\hat{y}(\\mathbf{x}) = w_0 + \\sum_{j=1}^{p}w_jx_j + \\frac{1}{2} \\sum_{f=1}^{k} ((\\sum_{j=1}^{p}v_{j,f}x_j)^2-\\sum_{j=1}^{p}v_{j,f}^2 x_j^2)'))" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "# Calculate output with FM equation\n", + "linear_terms = tf.add(w0, tf.reduce_sum(tf.multiply(W, X), 1, keep_dims=True))\n", + "pair_interactions = (tf.multiply(0.5,\n", + " tf.reduce_sum(\n", + " tf.subtract(\n", + " tf.pow( tf.matmul(X, tf.transpose(V)), 2),\n", + " tf.matmul(tf.pow(X, 2), tf.transpose(tf.pow(V, 2)))),\n", + " 1, keep_dims=True)))\n", + "y_hat = tf.add(linear_terms, pair_interactions)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "data": { + "text/latex": [ + "$$L = \\sum_{i=1}^{n} (y_i - \\hat{y}_i)^2 + \\lambda_w ||W||^2 + \\lambda_v ||V||^2$$" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "display(Math(r'L = \\sum_{i=1}^{n} (y_i - \\hat{y}_i)^2 + \\lambda_w ||W||^2 + \\lambda_v ||V||^2'))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "# L2 regularized sum of squares loss function over W and V\n", + "lambda_w = tf.constant(0.001, name='lambda_w')\n", + "lambda_v = tf.constant(0.001, name='lambda_v')\n", + "\n", + "l2_norm = (tf.reduce_sum(\n", + " tf.add(\n", + " tf.multiply(lambda_w, tf.pow(W, 2)),\n", + " tf.multiply(lambda_v, tf.pow(V, 2)))))\n", + "\n", + "error = tf.reduce_mean(tf.square(tf.subtract(y, y_hat)))\n", + "loss = tf.add(error, l2_norm)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/latex": [ + "$$\\Theta_{i+1} = \\Theta_{i} - \\eta \\frac{\\delta L}{\\delta \\Theta}$$" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "display(Math(r'\\Theta_{i+1} = \\Theta_{i} - \\eta \\frac{\\delta L}{\\delta \\Theta}'))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [], + "source": [ + "optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.01).minimize(loss)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "def batcher(X_, y_=None, batch_size=-1):\n", + " n_samples = X_.shape[0]\n", + "\n", + " if batch_size == -1:\n", + " batch_size = n_samples\n", + " if batch_size < 1:\n", + " raise ValueError('Parameter batch_size={} is unsupported'.format(batch_size))\n", + "\n", + " for i in range(0, n_samples, batch_size):\n", + " upper_bound = min(i + batch_size, n_samples)\n", + " ret_x = X_[i:upper_bound]\n", + " ret_y = None\n", + " if y_ is not None:\n", + " ret_y = y_[i:i + batch_size]\n", + " yield (ret_x, ret_y)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "a8247d26eae64d09b463eab3875f13c5", + "version_major": 2, + "version_minor": 0 + }, + "text/html": [ + "

Failed to display Jupyter Widget of type HBox.

\n", + "

\n", + " If you're reading this message in the Jupyter Notebook or JupyterLab Notebook, it may mean\n", + " that the widgets JavaScript is still loading. If this message persists, it\n", + " likely means that the widgets JavaScript library is either not installed or\n", + " not enabled. See the Jupyter\n", + " Widgets Documentation for setup instructions.\n", + "

\n", + "

\n", + " If you're reading this message in another frontend (for example, a static\n", + " rendering on GitHub or NBViewer),\n", + " it may mean that your frontend doesn't currently support widgets.\n", + "

\n" + ], + "text/plain": [ + "HBox(children=(IntProgress(value=0, max=10), HTML(value='')))" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "from tqdm import tqdm_notebook as tqdm\n", + "\n", + "epochs = 10\n", + "batch_size = 1000\n", + "\n", + "# Launch the graph\n", + "init = tf.global_variables_initializer()\n", + "sess = tf.Session()\n", + "\n", + "sess.run(init)\n", + "\n", + "for epoch in tqdm(range(epochs), unit='epoch'):\n", + " perm = np.random.permutation(X_train.shape[0])\n", + " # iterate over batches\n", + " for bX, bY in batcher(X_train[perm], y_train[perm], batch_size):\n", + " sess.run(optimizer, feed_dict={X: bX.reshape(-1, p), y: bY.reshape(-1, 1)})" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1.113785\n" + ] + } + ], + "source": [ + "errors = []\n", + "for bX, bY in batcher(X_test, y_test):\n", + " errors.append(sess.run(error, feed_dict={X: bX.reshape(-1, p), y: bY.reshape(-1, 1)}))\n", + "\n", + "RMSE = np.sqrt(np.array(errors).mean())\n", + "print(RMSE)" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "sess.close()" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[1.2405171]" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "errors" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/draft/stacking.py b/draft/stacking.py new file mode 100644 index 0000000..915d778 --- /dev/null +++ b/draft/stacking.py @@ -0,0 +1,181 @@ +from sklearn.model_selection import KFold +from sklearn.model_selection import train_test_split +from sklearn.datasets import load_digits +import numpy as np +from sklearn.svm import SVC +from sklearn import metrics +from sklearn.ensemble import RandomForestClassifier +from sklearn import preprocessing +import pandas as pd +from functools import reduce +from sklearn.metrics import confusion_matrix, classification_report + +class StackingClassifier(object): + + def __init__(self, modellist=[], meta_classifier=None): + self.modellist = modellist + if meta_classifier == None: + from sklearn.linear_model import LogisticRegression + meta_classifier = LogisticRegression() + self.meta_classifier = meta_classifier + + def SelectModel(self, modelname): + + if modelname == "SVM": + from sklearn.svm import SVC + model = SVC(kernel='rbf', C=16, gamma=0.125,probability=True) + + elif modelname == "lr": + from sklearn.linear_model import LogisticRegression + model = LogisticRegression() + + elif modelname == "GBDT": + from sklearn.ensemble import GradientBoostingClassifier + model = GradientBoostingClassifier() + + elif modelname == "RF": + from sklearn.ensemble import RandomForestClassifier + model = RandomForestClassifier() + + elif modelname == "xgboost": + from xgboost import XGBClassifier + model = XGBClassifier( + learning_rate=0.01, + n_estimators=1000, + max_depth=4, + min_child_weight=3, + gamma=0.1, + subsample=0.8, + colsample_bytree=0.8, + reg_alpha=1, + objective='binary:logistic', #multi:softmax + nthread=8, + scale_pos_weight=1, + seed=27, + random_state=27 + ) + elif modelname == "KNN": + from sklearn.neighbors import KNeighborsClassifier as knn + model = knn() + + elif modelname == "MNB": + from sklearn.naive_bayes import MultinomialNB + model = MultinomialNB() + else: + pass + return model + + def get_oof(self, clf, n_folds, X_train, y_train, X_test): + ntrain = X_train.shape[0] + ntest = X_test.shape[0] + print("kfolds: ", ntrain, ntest) + classnum = len(np.unique(y_train)) + kf = KFold(n_splits=n_folds,random_state=1) + oof_train = np.zeros((ntrain,classnum)) + oof_test = np.zeros((ntest,classnum)) + + for i,(train_index, test_index) in enumerate(kf.split(X_train)): + kf_X_train = X_train[train_index] # 数据 + kf_y_train = y_train[train_index] # 标签 + + kf_X_test = X_train[test_index] # k-fold的验证集 + + clf.fit(kf_X_train, kf_y_train) + oof_train[test_index] = clf.predict_proba(kf_X_test) + # print("shape of oof_train:", oof_train[test_index].shape) + + print("fold{i}: oof_train: {a}, oof_test:{b}".format(i=i, a=oof_train.shape, b=oof_test.shape)) + oof_test += clf.predict_proba(X_test) + oof_test = oof_test/float(n_folds) + print("oof_train: {a}, oof_test:{b}".format(a=oof_train.shape, b=oof_test.shape)) + return oof_train, oof_test + + def first_layer(self, X_train, y_train, X_test, modellist=None): + """modellist 需要重新修改 + """ + newfeature_list = [] + newtestdata_list = [] + for modelname in self.modellist: + sub_clf = self.SelectModel(modelname) + oof_train_, oof_test_= self.get_oof(clf=sub_clf, + n_folds=5, + X_train=X_train, + y_train=y_train, + X_test=X_test) + print("oof_train: ", oof_train_.shape) + print("model-{}".format(modelname),len(oof_train_), len(oof_test_)) + newfeature_list.append(oof_train_) + print("newfeature_list: ", len(newfeature_list)) + newtestdata_list.append(oof_test_) + + # 特征组合 + X_train_stacking = reduce(lambda x,y:np.concatenate((x,y),axis=1),newfeature_list) + X_test_stacking = reduce(lambda x,y:np.concatenate((x,y),axis=1),newtestdata_list) + + return X_train_stacking, X_test_stacking + + def fit(self, X_train, y_train, clf=None): + if clf != None: + self.meta_classifier = clf + self.meta_classifier.fit(X_train, y_train) + return self.meta_classifier + + #second_layer + def second_layer(self, X_train, y_train, clf=None): + return self.fit(X_train, y_train, clf) + + def predict(self, X_test, clf=None, type="label"): + if clf == None: + clf = self.meta_classifier + if type == "proba": + return clf.predict_proba(X_test) + elif type == "label": + return clf.predict(X_test) + + def get_accuracy(self, y_true, y_pred): + accuracy = metrics.accuracy_score(y_true, y_pred)*100 + return accuracy + + def performance(self, y_true, y_pred): + accuracy = self.get_accuracy(y_true, y_pred) + confusion = confusion_matrix(y_true, y_pred) + report = classification_report(y_true, y_pred) + print("多模型融合预测accuracy:{}".format(accuracy)) + print("混淆矩阵:\n{}".format(confusion)) + print("预测结果:\n{}".format(report)) + return confusion, report + + +# 使用stacking方法的时候 +# 第一级,重构特征当做第二级的训练集 +if __name__ == "__main__": + # 导入数据集切割训练与测试数据 + data = load_digits() + data_D = preprocessing.StandardScaler().fit_transform(data.data) + data_L = data.target + X_train, X_test, y_train, y_test = train_test_split(data_D,data_L,random_state=100,test_size=0.7) + print(set(y_train)) + + # 单纯使用一个分类器的时候 + clf_meta = RandomForestClassifier() + clf_meta.fit(X_train, y_train) + pred = clf_meta.predict(X_test) + accuracy = metrics.accuracy_score(y_test, pred)*100 + print ("====================", accuracy) + # 91.0969793323 + + #layer 1:多模型融合 + modelist = ['SVM', 'GBDT', 'RF', 'KNN'] + stacking_clf = StackingClassifier(modelist) + X_train_stacking, X_test_stacking = stacking_clf.first_layer(X_train, y_train, X_test) + print("shape of X_train_stacking {}".format(X_train_stacking.shape)) + print("shape of X_test_stacking {}".format(X_test_stacking.shape)) + + #layer 2: 单模型训练 + RF = stacking_clf.SelectModel(modelname="RF") + clf = stacking_clf.second_layer(X_train_stacking, y_train, clf=RF) + pred = stacking_clf.predict(X_test_stacking) + + #模型评估 + stacking_clf.performance(y_test, pred) + # 96.4228934817 diff --git a/stacking/stacking.py b/stacking/stacking.py new file mode 100644 index 0000000..4091365 --- /dev/null +++ b/stacking/stacking.py @@ -0,0 +1,241 @@ +from sklearn.model_selection import KFold +from sklearn.model_selection import train_test_split +from sklearn.datasets import load_digits +import numpy as np +from sklearn.svm import SVC +from sklearn import metrics +from sklearn.ensemble import RandomForestClassifier +from sklearn import preprocessing +import pandas as pd +from functools import reduce +from sklearn.metrics import confusion_matrix, classification_report +from sklearn.linear_model import LogisticRegression +from sklearn.base import clone +import xgboost as xgb + +class SubClassifier(object): + def __init__(self): + # import lightgbm as lgb + # import xgboost as xgb + # from sklearn.svm import SVC + # from sklearn.ensemble import BaggingClassifier, RandomForestClassifier, AdaBoostClassifier, GradientBoostingClassifier + # from sklearn.linear_model import LogisticRegression + # from sklearn.svm import LinearSVC + # clfs = { + # 'lr': LogisticRegression(penalty='l1', C=0.1, tol=0.0001), + # 'svm': LinearSVC(C=0.05, penalty='l2', dual=True), + # 'svm_linear': SVC(kernel='linear', probability=True), + # 'svm_ploy': SVC(kernel='poly', probability=True), + # 'bagging': BaggingClassifier(base_estimator=base_clf, n_estimators=60, max_samples=1.0, max_features=1.0, + # random_state=1, n_jobs=1, verbose=1), + # 'rf': RandomForestClassifier(n_estimators=40, criterion='gini', max_depth=9), + # 'adaboost': AdaBoostClassifier(base_estimator=base_clf, n_estimators=50, algorithm='SAMME'), + # 'gbdt': GradientBoostingClassifier(), + # 'xgb': xgb.XGBClassifier(learning_rate=0.1, max_depth=3, n_estimators=50), + # 'lgb': lgb.LGBMClassifier(boosting_type='gbdt', learning_rate=0.01, max_depth=5, n_estimators=250, num_leaves=90) + # } + pass + + def SelectModel(self, modelname): + if modelname == "SVM": + from sklearn.svm import SVC + clf = SVC(kernel='rbf', C=16, gamma=0.125,probability=True) + + elif modelname == "lr": + from sklearn.linear_model import LogisticRegression + clf = LogisticRegression() + + elif modelname == "GBDT": + from sklearn.ensemble import GradientBoostingClassifier + clf = GradientBoostingClassifier() + + elif modelname == "RF": + from sklearn.ensemble import RandomForestClassifier + clf = RandomForestClassifier(n_estimators=100) + + elif modelname == "xgboost": + from xgboost import XGBClassifier + clf = XGBClassifier( + learning_rate=0.01, + n_estimators=1000, + max_depth=4, + min_child_weight=3, + gamma=0.1, + subsample=0.8, + colsample_bytree=0.8, + reg_alpha=1, + objective='binary:logistic', #multi:softmax + nthread=8, + scale_pos_weight=1, + seed=27, + random_state=27 + ) + elif modelname == "KNN": + from sklearn.neighbors import KNeighborsClassifier as knn + clf = knn() + + elif modelname == "MNB": + from sklearn.naive_bayes import MultinomialNB + clf = MultinomialNB() + else: + pass + return clf + + def performance(self, y_true, y_pred, modelname=""): + accuracy = metrics.accuracy_score(y_true, y_pred)*100 + confusion = confusion_matrix(y_true, y_pred) + report = classification_report(y_true, y_pred) + print("模型{}预测accuracy:{}".format(modelname, accuracy)) + print("混淆矩阵:\n{}".format(confusion)) + print("预测结果:\n{}".format(report)) + return confusion, report + + +class StackingClassifier(object): + + def __init__(self, classifiers, meta_classifier, + use_clones=True, n_folds=2, + n_classes=2, random_state=100, + sample_weight=None, use_probas=True): + + self.classifiers = classifiers + self.meta_classifier = meta_classifier + self.use_clones=use_clones + self.n_folds = n_folds + self.n_classes = n_classes + self.random_state = random_state + self.sample_weight = sample_weight + self.use_probas = use_probas + + def cross_valid_oof(self, clf, X, y, n_folds): + """返回CV预测结果 + """ + ntrain = X.shape[0] + n_classes = self.n_classes + random_state = self.random_state + oof_features = np.zeros((ntrain, n_classes)) + oof_pred = np.zeros(ntrain) + kf = KFold(n_splits=n_folds, random_state=random_state) + for i,(train_index, test_index) in enumerate(kf.split(X)): + kf_X_train = X[train_index] # 数据 + kf_y_train = y[train_index] # 标签 + + kf_X_test = X[test_index] # k-fold的验证集 + + clf.fit(kf_X_train, kf_y_train) + if not self.use_probas: + oof_features[test_index] = clf.predict(kf_X_test) + else: + oof_features[test_index] = clf.predict_proba(kf_X_test) + oof_pred[test_index] = clf.predict(kf_X_test) + print("fold-{i}: oof_features: {a}, cv-oof accuracy:{c}".format(i=i, + a=oof_features.shape, + c=self.get_accuracy(y[test_index], oof_pred[test_index]))) + return oof_features + + def fit(self, X, y): + self.clfs_ = self.classifiers + self.meta_clf_ = self.meta_classifier + + n_folds = self.n_folds + sample_weight = self.sample_weight + meta_features = None + + #feature layer + for name, sub_clf in self.clfs_.items(): + print("feature layer, current model: {}".format(name)) + meta_prediction = self.cross_valid_oof(sub_clf, X, y, n_folds) + if meta_features is None: + meta_features = meta_prediction + else: + meta_features = np.column_stack((meta_features, meta_prediction)) + + for name, model in self.clfs_.items(): + print("fit base model using all train set: {}".format(name)) + if sample_weight is None: + model.fit(X, y) + else: + model.fit(X, y, sample_weight=sample_weight) + + #meta layer + if sample_weight is None: + self.meta_clf_.fit(meta_features, y) + else: + self.meta_clf_.fit(meta_features, y, sample_weight=sample_weight) + + return self + + def predict_meta_features(self, X): + """ Get meta-features of test-data. + Parameters + ------- + X : numpy array, shape = [n_samples, n_features] + + Returns: + ------- + meta-features : numpy array, shape = [n_samples, n_classifiers] + """ + per_model_preds = [] + + for name, model in self.clfs_.items(): + print("model {} predict_meta_features".format(name)) + if not self.use_probas: + pred_score = model.predict(X) + else: + pred_score = model.predict_proba(X) + + per_model_preds.append(pred_score) + + return np.hstack(per_model_preds) + + + def predict(self, X): + """ Predict class label for X.""" + meta_features = self.predict_meta_features(X) + return self.meta_clf_.predict(meta_features) + + def predict_prob(self, X): + """ Predict class probabilities for X.""" + meta_features = self.predict_meta_features(X) + return self.meta_clf_.predict_proba(meta_features) + + def get_accuracy(self, y_true, y_pred): + accuracy = round(metrics.accuracy_score(y_true, y_pred)*100,3) + return accuracy + + def performance(self, y_true, y_pred): + accuracy = self.get_accuracy(y_true, y_pred) + confusion = confusion_matrix(y_true, y_pred) + report = classification_report(y_true, y_pred) + print("多模型融合预测accuracy:{}".format(accuracy)) + print("混淆矩阵:\n{}".format(confusion)) + print("预测结果:\n{}".format(report)) + return confusion, report + +# 使用stacking方法的时候 +if __name__ == "__main__": + # 导入数据集切割训练与测试数据 + data = load_digits() + data_D = preprocessing.StandardScaler().fit_transform(data.data) + data_L = data.target + X_train, X_test, y_train, y_test = train_test_split(data_D,data_L,random_state=100,test_size=0.7) + print(set(y_train)) + + #layer 1:多模型融合 + classifiers = { + 'KNN': SubClassifier().SelectModel(modelname="KNN"), + 'rf': SubClassifier().SelectModel(modelname="RF"), + 'svm': SubClassifier().SelectModel(modelname="SVM"), + 'GBDT': SubClassifier().SelectModel(modelname="GBDT") + } + + meta_classifier = SubClassifier().SelectModel(modelname="RF") + + stacking_clf = StackingClassifier(classifiers, meta_classifier, n_classes=10,n_folds=5) + + stacking_clf.fit(X_train, y_train) + pred = stacking_clf.predict(X_test) + + #模型评估 + stacking_clf.performance(y_test, pred) + # 96.4228934817 \ No newline at end of file